All Projects → AnubhavGupta3377 → Text Classification Models Pytorch

AnubhavGupta3377 / Text Classification Models Pytorch

Licence: mit
Implementation of State-of-the-art Text Classification Models in Pytorch

Programming Languages

python
139335 projects - #7 most used programming language

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

Mead Baseline
Deep-Learning Model Exploration and Development for NLP
Stars: ✭ 238 (-37.2%)
Mutual labels:  classification, convolutional-neural-networks, recurrent-neural-networks, seq2seq
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+1794.2%)
Mutual labels:  classification, convolutional-neural-networks, fasttext
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-66.75%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, attention
Nlp Journey
Documents, papers and codes related to Natural Language Processing, including Topic Model, Word Embedding, Named Entity Recognition, Text Classificatin, Text Generation, Text Similarity, Machine Translation),etc. All codes are implemented intensorflow 2.0.
Stars: ✭ 1,290 (+240.37%)
Mutual labels:  classification, attention, fasttext
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+801.85%)
Mutual labels:  attention, seq2seq, transformer
Rcnn Relation Extraction
Tensorflow Implementation of Recurrent Convolutional Neural Network for Relation Extraction
Stars: ✭ 64 (-83.11%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, rcnn
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (-22.16%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, seq2seq
Keras Textclassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
Stars: ✭ 914 (+141.16%)
Mutual labels:  fasttext, rcnn, transformer
NLP-paper
🎨 🎨NLP 自然语言处理教程 🎨🎨 https://dataxujing.github.io/NLP-paper/
Stars: ✭ 23 (-93.93%)
Mutual labels:  transformer, seq2seq, fasttext
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-1.06%)
Mutual labels:  classification, convolutional-neural-networks, recurrent-neural-networks
Multiturndialogzoo
Multi-turn dialogue baselines written in PyTorch
Stars: ✭ 106 (-72.03%)
Mutual labels:  attention, seq2seq, transformer
Embedding
Embedding模型代码和学习笔记总结
Stars: ✭ 25 (-93.4%)
Mutual labels:  transformer, seq2seq, fasttext
Neural sp
End-to-end ASR/LM implementation with PyTorch
Stars: ✭ 408 (+7.65%)
Mutual labels:  attention, seq2seq, transformer
Rcnn Text Classification
Tensorflow Implementation of "Recurrent Convolutional Neural Network for Text Classification" (AAAI 2015)
Stars: ✭ 127 (-66.49%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, rcnn
Nlp Tutorials
Simple implementations of NLP models. Tutorials are written in Chinese on my website https://mofanpy.com
Stars: ✭ 394 (+3.96%)
Mutual labels:  attention, seq2seq, transformer
Malware Classification
Towards Building an Intelligent Anti-Malware System: A Deep Learning Approach using Support Vector Machine for Malware Classification
Stars: ✭ 88 (-76.78%)
Mutual labels:  classification, convolutional-neural-networks, recurrent-neural-networks
Nlp research
NLP research:基于tensorflow的nlp深度学习项目,支持文本分类/句子匹配/序列标注/文本生成 四大任务
Stars: ✭ 141 (-62.8%)
Mutual labels:  classification, fasttext, transformer
transformer
A PyTorch Implementation of "Attention Is All You Need"
Stars: ✭ 28 (-92.61%)
Mutual labels:  transformer, seq2seq, attention
Base-On-Relation-Method-Extract-News-DA-RNN-Model-For-Stock-Prediction--Pytorch
基於關聯式新聞提取方法之雙階段注意力機制模型用於股票預測
Stars: ✭ 33 (-91.29%)
Mutual labels:  seq2seq, attention, fasttext
ai challenger 2018 sentiment analysis
Fine-grained Sentiment Analysis of User Reviews --- AI CHALLENGER 2018
Stars: ✭ 16 (-95.78%)
Mutual labels:  transformer, attention

Text-Classification-Models-Pytorch

Implementation of State-of-the-art Text Classification Models in Pytorch

Implemented Models

Requirements

  • Python-3.5.0
  • Pandas-0.23.4
  • Numpy-1.15.2
  • Spacy-2.0.13
  • Pytorch-0.4.1.post2
  • Torchtext-0.3.1

Usage

  1. Download data into "data/" directory or use already available data
  2. If using your own data, convert it into the same format as of provided data
  3. Download Pre-trained word embeddings (Glove/Word2Vec) into "data/" directory
  4. Go to corresponding model directory
  5. run following command:

python train.py <path_to_training_file> <path_to_test_file>

Model Performance

  • All the models were run on a 14GB machine with 2 Cores and one NVIDIA Tesla K80 GPU.
  • Runtime in the table below includes the time to load and process the data and running the model.
  • Model parameters are not tuned. So, better performance can be achieved by some parameter tuning.
Model Dataset
AG_News Query_Well_formedness
Accuracy (%) Runtime Accuracy (%) Runtime
fastText 89.46 16.0 Mins 62.10 7.0 Mins
TextCNN 88.57 17.2 Mins 67.38 7.43 Mins
TextRNN 88.07 (Seq len = 20)
90.43 (Flexible seq len)
21.5 Mins
36.8 Mins
68.29
66.29
7.69 Mins
7.25 Mins
RCNN 90.61 22.73 Mins 66.70 7.21 Mins
CharCNN 87.70 13.08 Mins 68.83 2.49 Mins
Seq2Seq_Attention 90.26 19.10 Mins 67.84 7.36 Mins
Transformer 88.54 46.47 Mins 63.43 5.77 Mins

References

[1] Bag of Tricks for Efficient Text Classification [2] Convolutional Neural Networks for Sentence Classification [3] Recurrent Convolutional Neural Networks for Text Classification [4] Character-level Convolutional Networks for Text Classification [5] Neural Machine Translation by Jointly Learning to Align and Translate [6] Text Classification Research with Attention-based Recurrent Neural Networks [7] Attention Is All You Need [8] Rethinking the Inception Architecture for Computer Vision [9] Identifying Well-formed Natural Language Questions

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