nlpcasia's Stars
IIEKES/MLM_transfer
microsoft/nlp-recipes
Natural Language Processing Best Practices & Examples
dsgiitr/d2l-pytorch
This project reproduces the book Dive Into Deep Learning (https://d2l.ai/), adapting the code from MXNet into PyTorch.
EOA-AILab/NER-Chinese
Comparison of Chinese Named Entity Recognition Models between NeuroNER and BertNER
liu-nlper/SLTK
序列化标注工具,基于PyTorch实现BLSTM-CNN-CRF模型,CoNLL 2003 English NER测试集F1值为91.10%(word and char feature)。
chenboability/RecommenderSystem-Paper
some papers about the recommender system
bentrevett/pytorch-sentiment-analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
ruanyf/free-books
互联网上的免费书籍
eon01/kubernetes-workshop
⚙️ A Gentle introduction to Kubernetes with more than just the basics. 🌟 Give it a star if you like it.
Morizeyao/GPT2-Chinese
Chinese version of GPT2 training code, using BERT tokenizer.
luhua-rain/MRC_Competition_Dureader
机器阅读理解 冠军/亚军代码及中文预训练MRC模型
NLP-LOVE/ML-NLP
此项目是机器学习(Machine Learning)、深度学习(Deep Learning)、NLP面试中常考到的知识点和代码实现,也是作为一个算法工程师必会的理论基础知识。
pbloem/former
Simple transformer implementation from scratch in pytorch.
ShawnyXiao/TextClassification-Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
boudinfl/pke
Python Keyphrase Extraction module
boudinfl/centrality_measures_ijcnlp13
Centrality Measures for Graph-Based Keyphrase Extraction
guillitte/pytorch-sentiment-neuron
openai/gpt-2
Code for the paper "Language Models are Unsupervised Multitask Learners"
rish-16/gpt2client
✍🏻 gpt2-client: Easy-to-use TensorFlow Wrapper for GPT-2 117M, 345M, 774M, and 1.5B Transformer Models 🤖 📝
didi/ChineseNLP
Datasets, SOTA results of every fields of Chinese NLP
jrzaurin/pytorch-widedeep
A flexible package for multimodal-deep-learning to combine tabular data with text and images using Wide and Deep models in Pytorch
lukas/ml-class
Machine learning lessons and teaching projects designed for engineers
Vay-keen/Machine-learning-learning-notes
周志华《机器学习》又称西瓜书是一本较为全面的书籍,书中详细介绍了机器学习领域不同类型的算法(例如:监督学习、无监督学习、半监督学习、强化学习、集成降维、特征选择等),记录了本人在学习过程中的理解思路与扩展知识点,希望对新人阅读西瓜书有所帮助!
lonelygo/Shift-AI-models-to-real-world-products
Share some useful guides and references about how to shift AI models to real world products or projects.
gentaiscool/end2end-asr-pytorch
End-to-End Automatic Speech Recognition on PyTorch
songyingxin/BERT-pytorch
BERT 源码阅读
summanlp/textrank
TextRank implementation for Python 3.
ceshine/textrank_demo
A simple website demonstrating TextRank's extractive summarization capability.
ElieAljalbout/Clustering-with-Deep-learning
Generic implementation for clustering with deep learning : representation learning (DNN) + clustering
Determined22/zh-NER-TF
A very simple BiLSTM-CRF model for Chinese Named Entity Recognition 中文命名实体识别 (TensorFlow)