Haijiang Wu's starred repositories

ColossalAI

Making large AI models cheaper, faster and more accessible

Language:PythonLicense:Apache-2.0Stargazers:38405Issues:384Issues:1622

Langchain-Chatchat

Langchain-Chatchat(原Langchain-ChatGLM)基于 Langchain 与 ChatGLM, Qwen 与 Llama 等语言模型的 RAG 与 Agent 应用 | Langchain-Chatchat (formerly langchain-ChatGLM), local knowledge based LLM (like ChatGLM, Qwen and Llama) RAG and Agent app with langchain

Language:TypeScriptLicense:Apache-2.0Stargazers:30185Issues:282Issues:3620

shap

A game theoretic approach to explain the output of any machine learning model.

Language:Jupyter NotebookLicense:MITStargazers:22220Issues:240Issues:2493

GNNPapers

Must-read papers on graph neural networks (GNN)

sentence-transformers

Multilingual Sentence & Image Embeddings with BERT

Language:PythonLicense:Apache-2.0Stargazers:14529Issues:134Issues:2071

nni

An open source AutoML toolkit for automate machine learning lifecycle, including feature engineering, neural architecture search, model compression and hyper-parameter tuning.

Language:PythonLicense:MITStargazers:13909Issues:284Issues:2077

easy-rl

强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/

Language:Jupyter NotebookLicense:NOASSERTIONStargazers:8754Issues:79Issues:141

hyperopt

Distributed Asynchronous Hyperparameter Optimization in Python

Language:PythonLicense:NOASSERTIONStargazers:7158Issues:124Issues:649

awesome-machine-learning-on-source-code

Cool links & research papers related to Machine Learning applied to source code (MLonCode)

Jiagu

Jiagu深度学习自然语言处理工具 知识图谱关系抽取 中文分词 词性标注 命名实体识别 情感分析 新词发现 关键词 文本摘要 文本聚类

Language:PythonLicense:MITStargazers:3259Issues:86Issues:71

KOOM

KOOM is an OOM killer on mobile platform by Kwai.

Language:C++License:NOASSERTIONStargazers:3139Issues:71Issues:158

rainbow-is-all-you-need

Rainbow is all you need! A step-by-step tutorial from DQN to Rainbow

Language:Jupyter NotebookLicense:MITStargazers:1812Issues:26Issues:31

KRLPapers

Must-read papers on knowledge representation learning (KRL) / knowledge embedding (KE)

detext

DeText: A Deep Neural Text Understanding Framework for Ranking and Classification Tasks

Language:PythonLicense:BSD-2-ClauseStargazers:1261Issues:38Issues:17

few-shot

Repository for few-shot learning machine learning projects

Language:PythonLicense:MITStargazers:1187Issues:14Issues:46

MASS

MASS: Masked Sequence to Sequence Pre-training for Language Generation

Language:PythonLicense:NOASSERTIONStargazers:1114Issues:36Issues:174

Awesome-LLM-for-RecSys

Survey: A collection of AWESOME papers and resources on the large language model (LLM) related recommender system topics.

ad_examples

A collection of anomaly detection methods (iid/point-based, graph and time series) including active learning for anomaly detection/discovery, bayesian rule-mining, description for diversity/explanation/interpretability. Analysis of incorporating label feedback with ensemble and tree-based detectors. Includes adversarial attacks with Graph Convolutional Network.

Language:PythonLicense:MITStargazers:838Issues:37Issues:6

CEAL-Medical-Image-Segmentation

Active Deep Learning for Medical Imaging Segmentation

DiscriminativeActiveLearning

Code and website for DAL (Discriminative Active Learning) - a new active learning algorithm for neural networks in the batch setting. For the blog:

Language:PythonLicense:MITStargazers:199Issues:5Issues:2

Active-NLP

Bayesian Deep Active Learning for Natural Language Processing Tasks

Image-classification-transfer-learning

Categorizing food and grocery products using Transfer Learning from Inception V3

Language:PythonLicense:Apache-2.0Stargazers:127Issues:14Issues:6

RE2RNN

Source code for the EMNLP 2020 paper "Cold-Start and Interpretability: Turning Regular Expressions intoTrainable Recurrent Neural Networks"

TADAM

The implementation of https://papers.nips.cc/paper/7352-tadam-task-dependent-adaptive-metric-for-improved-few-shot-learning . TADAM is a ServiceNow Research project that was started at Element AI.

Language:Jupyter NotebookLicense:Apache-2.0Stargazers:105Issues:27Issues:4

self-imitation-learning-pytorch

This is the pytorch implementation of ICML 2018 paper - Self-Imitation Learning.

Language:PythonLicense:MITStargazers:64Issues:2Issues:0

Diverse-RecSys

Collection of diverse recommendation papers

License:MITStargazers:60Issues:4Issues:0

WSDM2020_HUP

Hierarchical User Profiling for E-commerce RecommenderSystems, WSDM 2020

TAMER

Implementation of the TAMER algorithm from "Interactively Shaping Agents via Human Reinforcement" (Knox, Stone - 2009)

Language:PythonStargazers:19Issues:0Issues:0

softmax_loss_variants_pytorch

The PyTorch implementation of variants of loss for text classification & text matching. 基于PyTorch实现的文本分类与文本匹配损失函数变种