All Projects → dongjun-Lee → Text Classification Models Tf

dongjun-Lee / Text Classification Models Tf

Tensorflow implementations of Text Classification Models.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Text Classification Models Tf

Bert seq2seq
pytorch实现bert做seq2seq任务,使用unilm方案,现在也可以做自动摘要,文本分类,情感分析,NER,词性标注等任务,支持GPT2进行文章续写。
Stars: ✭ 298 (-38.17%)
Mutual labels:  text-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-22.2%)
Mutual labels:  text-classification
Keras Text
Text Classification Library in Keras
Stars: ✭ 421 (-12.66%)
Mutual labels:  text-classification
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+649.59%)
Mutual labels:  text-classification
Nlp Projects
word2vec, sentence2vec, machine reading comprehension, dialog system, text classification, pretrained language model (i.e., XLNet, BERT, ELMo, GPT), sequence labeling, information retrieval, information extraction (i.e., entity, relation and event extraction), knowledge graph, text generation, network embedding
Stars: ✭ 360 (-25.31%)
Mutual labels:  text-classification
Zhihu Text Classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
Stars: ✭ 392 (-18.67%)
Mutual labels:  text-classification
Textfooler
A Model for Natural Language Attack on Text Classification and Inference
Stars: ✭ 298 (-38.17%)
Mutual labels:  text-classification
Spacy
💫 Industrial-strength Natural Language Processing (NLP) in Python
Stars: ✭ 21,978 (+4459.75%)
Mutual labels:  text-classification
Spacy Streamlit
👑 spaCy building blocks and visualizers for Streamlit apps
Stars: ✭ 360 (-25.31%)
Mutual labels:  text-classification
Multi Class Text Classification Cnn
Classify Kaggle Consumer Finance Complaints into 11 classes. Build the model with CNN (Convolutional Neural Network) and Word Embeddings on Tensorflow.
Stars: ✭ 410 (-14.94%)
Mutual labels:  text-classification
Snips Nlu
Snips Python library to extract meaning from text
Stars: ✭ 3,583 (+643.36%)
Mutual labels:  text-classification
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (-25.73%)
Mutual labels:  text-classification
Multi Label Text Classification
About Muti-Label Text Classification Based on Neural Network.
Stars: ✭ 397 (-17.63%)
Mutual labels:  text-classification
Gather Deployment
Gathers scalable tensorflow and infrastructure deployment
Stars: ✭ 326 (-32.37%)
Mutual labels:  text-classification
Sequence Semantic Embedding
Tools and recipes to train deep learning models and build services for NLP tasks such as text classification, semantic search ranking and recall fetching, cross-lingual information retrieval, and question answering etc.
Stars: ✭ 435 (-9.75%)
Mutual labels:  text-classification
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (-38.17%)
Mutual labels:  text-classification
Bert Multitask Learning
BERT for Multitask Learning
Stars: ✭ 380 (-21.16%)
Mutual labels:  text-classification
Bert Multi Label Text Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Stars: ✭ 473 (-1.87%)
Mutual labels:  text-classification
Tfclassifier
Tensorflow based training and classification scripts for text, images, etc
Stars: ✭ 441 (-8.51%)
Mutual labels:  text-classification
Whatlang Rs
Natural language detection library for Rust. Try demo online: https://www.greyblake.com/whatlang/
Stars: ✭ 400 (-17.01%)
Mutual labels:  text-classification

Text Classification Models with Tensorflow

Tensorflow implementation of Text Classification Models.

Implemented Models:

  1. Word-level CNN [paper]
  2. Character-level CNN [paper]
  3. Very Deep CNN [paper]
  4. Word-level Bidirectional RNN
  5. Attention-Based Bidirectional RNN [paper]
  6. RCNN [paper]

Semi-supervised text classification(Transfer learning) models are implemented at [dongjun-Lee/transfer-learning-text-tf].

Requirements

  • Python3
  • Tensorflow
  • pip install -r requirements.txt

Usage

Train

To train classification models for dbpedia dataset,

$ python train.py --model="<MODEL>"

(<Model>: word_cnn | char_cnn | vd_cnn | word_rnn | att_rnn | rcnn)

Test

To test classification accuracy for test data after training,

$ python test.py --model="<TRAINED_MODEL>"

Sample Test Results

Trained and tested with dbpedia dataset. (dbpedia_csv/train.csv, dbpedia_csv/test.csv)

Model WordCNN CharCNN VDCNN WordRNN AttentionRNN RCNN *SA-LSTM *LM-LSTM
Accuracy 98.42% 98.05% 97.60% 98.57% 98.61% 98.68% 98.88% 98.86%

(SA-LSTM and LM-LSTM are implemented at [dongjun-Lee/transfer-learning-text-tf].)

Models

1. Word-level CNN

Implementation of Convolutional Neural Networks for Sentence Classification.

2. Char-level CNN

Implementation of Character-level Convolutional Networks for Text Classification.

3. Very Deep CNN (VDCNN)

Implementation of Very Deep Convolutional Networks for Text Classification.

4. Word-level Bi-RNN

Bi-directional RNN for Text Classification.

  1. Embedding layer
  2. Bidirectional RNN layer
  3. Concat all the outputs from RNN layer
  4. Fully-connected layer

5. Attention-Based Bi-RNN

Implementation of Attention-Based Bidirectional Long Short-Term Memory Networks for Relation Classification.

6. RCNN

Implementation of Recurrent Convolutional Neural Networks for Text Classification.

References

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].