All Projects → hellonlp → classifier_multi_label_seq2seq_attention

hellonlp / classifier_multi_label_seq2seq_attention

Licence: other
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to classifier multi label seq2seq attention

classifier multi label
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 127 (+388.46%)
Mutual labels:  text-classification, albert, bert, multi-label, text-classifier, classifier-multi-label
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+9584.62%)
Mutual labels:  text-classification, seq2seq, albert, bert
Kashgari
Kashgari is a production-level NLP Transfer learning framework built on top of tf.keras for text-labeling and text-classification, includes Word2Vec, BERT, and GPT2 Language Embedding.
Stars: ✭ 2,235 (+8496.15%)
Mutual labels:  text-classification, seq2seq, bert
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-11.54%)
Mutual labels:  seq2seq, albert, bert
Ai law
all kinds of baseline models for long text classificaiton( text categorization)
Stars: ✭ 243 (+834.62%)
Mutual labels:  text-classification, attention
Paddlenlp
NLP Core Library and Model Zoo based on PaddlePaddle 2.0
Stars: ✭ 212 (+715.38%)
Mutual labels:  text-classification, seq2seq
chinese ancient poetry
seq2seq attention tensorflow textrank context
Stars: ✭ 30 (+15.38%)
Mutual labels:  seq2seq, attention
bert attn viz
Visualize BERT's self-attention layers on text classification tasks
Stars: ✭ 41 (+57.69%)
Mutual labels:  attention, bert
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (+103.85%)
Mutual labels:  text-classification, attention
tensorflow-chatbot-chinese
網頁聊天機器人 | tensorflow implementation of seq2seq model with bahdanau attention and Word2Vec pretrained embedding
Stars: ✭ 50 (+92.31%)
Mutual labels:  seq2seq, attention
bert nli
A Natural Language Inference (NLI) model based on Transformers (BERT and ALBERT)
Stars: ✭ 97 (+273.08%)
Mutual labels:  albert, bert
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (+780.77%)
Mutual labels:  text-classification, bert
Nlp pytorch project
Embedding, NMT, Text_Classification, Text_Generation, NER etc.
Stars: ✭ 153 (+488.46%)
Mutual labels:  text-classification, seq2seq
protonet-bert-text-classification
finetune bert for small dataset text classification in a few-shot learning manner using ProtoNet
Stars: ✭ 28 (+7.69%)
Mutual labels:  text-classification, bert
Delta
DELTA is a deep learning based natural language and speech processing platform.
Stars: ✭ 1,479 (+5588.46%)
Mutual labels:  text-classification, seq2seq
ERNIE-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained ERNIE model for text classification.
Stars: ✭ 49 (+88.46%)
Mutual labels:  text-classification, bert
Transformer-QG-on-SQuAD
Implement Question Generator with SOTA pre-trained Language Models (RoBERTa, BERT, GPT, BART, T5, etc.)
Stars: ✭ 28 (+7.69%)
Mutual labels:  albert, bert
tensorflow-ml-nlp-tf2
텐서플로2와 머신러닝으로 시작하는 자연어처리 (로지스틱회귀부터 BERT와 GPT3까지) 실습자료
Stars: ✭ 245 (+842.31%)
Mutual labels:  seq2seq, bert
Nlp tensorflow project
Use tensorflow to achieve some NLP project, eg: classification chatbot ner attention QAetc.
Stars: ✭ 27 (+3.85%)
Mutual labels:  text-classification, attention
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+27511.54%)
Mutual labels:  text-classification, multi-label

简介

1、本项目是在tensorflow版本1.15.0的基础上做的训练和测试。
2、本项目为中文的多标签文本分类。
3、欢迎大家联系我 www.hellonlp.com
4、albert_small_zh_google对应的百度云下载地址:
链接:https://pan.baidu.com/s/1RKzGJTazlZ7y12YRbAWvyA
提取码:wuxw

使用方法

1、准备数据
数据格式为:classifier_multi_label_seq2seq_attention/data/test.csv
2、参数设置
参考脚本 hyperparameters.py,直接修改里面的数值即可。
3、训练
python train.py
4、预测
python predict.py

知乎代码解读

https://zhuanlan.zhihu.com/p/260743336

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].