Accagain2014's Stars
explosion/spaCy
💫 Industrial-strength Natural Language Processing (NLP) in Python
UKPLab/sentence-transformers
State-of-the-Art Text Embeddings
ctgk/PRML
PRML algorithms implemented in Python
google/sentencepiece
Unsupervised text tokenizer for Neural Network-based text generation.
huggingface/tokenizers
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
roboticcam/machine-learning-notes
My continuously updated Machine Learning, Probabilistic Models and Deep Learning notes and demos (2000+ slides) 我不间断更新的机器学习,概率模型和深度学习的讲义(2000+页)和视频链接
shenweichen/DeepCTR
Easy-to-use,Modular and Extendible package of deep-learning based CTR models .
Morizeyao/GPT2-Chinese
Chinese version of GPT2 training code, using BERT tokenizer.
stanfordnlp/stanza
Stanford NLP Python library for tokenization, sentence segmentation, NER, and parsing of many human languages
CLUEbenchmark/CLUEDatasetSearch
搜索所有中文NLP数据集,附常用英文NLP数据集
CLUEbenchmark/CLUE
中文语言理解测评基准 Chinese Language Understanding Evaluation Benchmark: datasets, baselines, pre-trained models, corpus and leaderboard
facebookresearch/StarSpace
Learning embeddings for classification, retrieval and ranking.
wzhe06/Reco-papers
Classic papers and resources on recommendation
google-research/electra
ELECTRA: Pre-training Text Encoders as Discriminators Rather Than Generators
imcaspar/gpt2-ml
GPT2 for Multiple Languages, including pretrained models. GPT2 多语言支持, 15亿参数中文预训练模型
tczhangzhi/pytorch-distributed
A quickstart and benchmark for pytorch distributed training.
CLUEbenchmark/CLUENER2020
CLUENER2020 中文细粒度命名实体识别 Fine Grained Named Entity Recognition
facebookresearch/LAMA
LAnguage Model Analysis
epfml/attention-cnn
Source code for "On the Relationship between Self-Attention and Convolutional Layers"
yangxudong/deeplearning
深度学习相关的模型训练、评估和预测相关代码
kang205/SASRec
SASRec: Self-Attentive Sequential Recommendation
scofield7419/sequence-labeling-BiLSTM-CRF
The BiLSTM-CRF model implementation in Tensorflow, for sequence labeling tasks.
haiker2011/awesome-nlp-sentiment-analysis
:book: 收集NLP领域相关的数据集、论文、开源实现,尤其是情感分析、情绪原因识别、评价对象和评价词抽取方面。
FeiSun/BERT4Rec
BERT4Rec: Sequential Recommendation with Bidirectional Encoder Representations from Transformer
JayYip/m3tl
BERT for Multitask Learning
cxy229/BDCI2019-SENTIMENT-CLASSIFICATION
CCF BDCI 2019 互联网新闻情感分析 复赛top1解决方案
soulbliss/NLP-conference-compendium
Compendium of the resources available from top NLP conferences.
createmomo/CRF-Layer-on-the-Top-of-BiLSTM
The CRF Layer was implemented by using Chainer 2.0. Please see more details here: https://createmomo.github.io/2017/09/12/CRF_Layer_on_the_Top_of_BiLSTM_1/
BangLiu/ConcepT
ecchochan/roberta-squad
roBERTa training for SQuAD