yexiangw's Stars
hiyouga/LLaMA-Factory
Unified Efficient Fine-Tuning of 100+ LLMs (ACL 2024)
Dao-AILab/flash-attention
Fast and memory-efficient exact attention
NVIDIA/TransformerEngine
A library for accelerating Transformer models on NVIDIA GPUs, including using 8-bit floating point (FP8) precision on Hopper and Ada GPUs, to provide better performance with lower memory utilization in both training and inference.
NVIDIA/Megatron-LM
Ongoing research training transformer models at scale
tunib-ai/parallelformers
Parallelformers: An Efficient Model Parallelization Toolkit for Deployment
Zjh-819/LLMDataHub
A quick guide (especially) for trending instruction finetuning datasets
microsoft/DeepSpeed
DeepSpeed is a deep learning optimization library that makes distributed training and inference easy, efficient, and effective.
microsoft/DeepSpeedExamples
Example models using DeepSpeed
lukemelas/EfficientNet-PyTorch
A PyTorch implementation of EfficientNet
hankcs/HanLP
Natural Language Processing for the next decade. Tokenization, Part-of-Speech Tagging, Named Entity Recognition, Syntactic & Semantic Dependency Parsing, Document Classification
ymcui/Chinese-ELECTRA
Pre-trained Chinese ELECTRA(中文ELECTRA预训练模型)
liuzhuang13/DenseNet
Densely Connected Convolutional Networks, In CVPR 2017 (Best Paper Award).
bamos/densenet.pytorch
A PyTorch implementation of DenseNet.
salesforce/decaNLP
The Natural Language Decathlon: A Multitask Challenge for NLP
budzianowski/multiwoz
Source code for end-to-end dialogue model from the MultiWOZ paper (Budzianowski et al. 2018, EMNLP)
jasonwu0731/trade-dst
Source code for transferable dialogue state generator (TRADE, Wu et al., 2019). https://arxiv.org/abs/1905.08743
sz128/slot_filling_and_intent_detection_of_SLU
slot filling, intent detection, joint training, ATIS & SNIPS datasets, the Facebook’s multilingual dataset, MIT corpus, E-commerce Shopping Assistant (ECSA) dataset, CoNLL2003 NER, ELMo, BERT, XLNet
RasaHQ/rasa
💬 Open source machine learning framework to automate text- and voice-based conversations: NLU, dialogue management, connect to Slack, Facebook, and more - Create chatbots and voice assistants
crownpku/Awesome-Chinese-NLP
A curated list of resources for Chinese NLP 中文自然语言处理相关资料
sonos/nlu-benchmark
AtmaHou/Task-Oriented-Dialogue-Research-Progress-Survey
A datasets and methods survey about task-oriented dialogue, including recent datasets and SOTA leaderboards.
ymcui/Chinese-BERT-wwm
Pre-Training with Whole Word Masking for Chinese BERT(中文BERT-wwm系列模型)
PaddlePaddle/ERNIE
Official implementations for various pre-training models of ERNIE-family, covering topics of Language Understanding & Generation, Multimodal Understanding & Generation, and beyond.
kimiyoung/transformer-xl
brightmart/nlp_chinese_corpus
大规模中文自然语言处理语料 Large Scale Chinese Corpus for NLP
shenweichen/DeepCTR
Easy-to-use,Modular and Extendible package of deep-learning based CTR models .
google-research/bert
TensorFlow code and pre-trained models for BERT
thunlp/RCPapers
Must-read papers on Machine Reading Comprehension
huggingface/transformers
🤗 Transformers: State-of-the-art Machine Learning for Pytorch, TensorFlow, and JAX.