All Projects → seopbo → nlp_classification

seopbo / nlp_classification

Licence: MIT license
Implementing nlp papers relevant to classification with PyTorch, gluonnlp

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to nlp classification

Text-Classification-LSTMs-PyTorch
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
Stars: ✭ 45 (-79.91%)
Mutual labels:  text-classification, pytorch-nlp, pytorch-implementation
Fastrtext
R wrapper for fastText
Stars: ✭ 103 (-54.02%)
Mutual labels:  text-classification, classification
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-71.43%)
Mutual labels:  text-classification, classification
Nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 202 (-9.82%)
Mutual labels:  text-classification, classification
Ml Classify Text Js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Stars: ✭ 38 (-83.04%)
Mutual labels:  text-classification, classification
Textclassification
All kinds of neural text classifiers implemented by Keras
Stars: ✭ 51 (-77.23%)
Mutual labels:  text-classification, classification
Fake news detection
Fake News Detection in Python
Stars: ✭ 194 (-13.39%)
Mutual labels:  text-classification, classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+67.41%)
Mutual labels:  text-classification, classification
Awesome-Pytorch-Tutorials
Awesome Pytorch Tutorials
Stars: ✭ 23 (-89.73%)
Mutual labels:  pytorch-nlp, pytorch-implementation
TS3000 TheChatBOT
Its a social networking chat-bot trained on Reddit dataset . It supports open bounded queries developed on the concept of Neural Machine Translation. Beware of its being sarcastic just like its creator 😝 BDW it uses Pytorch framework and Python3.
Stars: ✭ 20 (-91.07%)
Mutual labels:  pytorch-nlp, pytorch-implementation
awesome-text-classification
Text classification meets word embeddings.
Stars: ✭ 27 (-87.95%)
Mutual labels:  text-classification, classification
Cnn Question Classification Keras
Chinese Question Classifier (Keras Implementation) on BQuLD
Stars: ✭ 28 (-87.5%)
Mutual labels:  text-classification, classification
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+3104.91%)
Mutual labels:  text-classification, classification
Applied Text Mining In Python
Repo for Applied Text Mining in Python (coursera) by University of Michigan
Stars: ✭ 59 (-73.66%)
Mutual labels:  text-classification, classification
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+302.68%)
Mutual labels:  text-classification, classification
Awesome Text Classification
Awesome-Text-Classification Projects,Papers,Tutorial .
Stars: ✭ 158 (-29.46%)
Mutual labels:  text-classification, classification
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+1512.95%)
Mutual labels:  text-classification, classification
Artificial Adversary
🗣️ Tool to generate adversarial text examples and test machine learning models against them
Stars: ✭ 348 (+55.36%)
Mutual labels:  text-classification, classification
COVID-19-Tweet-Classification-using-Roberta-and-Bert-Simple-Transformers
Rank 1 / 216
Stars: ✭ 24 (-89.29%)
Mutual labels:  text-classification, classification
Relation-Classification
Relation Classification - SEMEVAL 2010 task 8 dataset
Stars: ✭ 46 (-79.46%)
Mutual labels:  text-classification, classification

NLP paper implementation relevant to classification with PyTorch

The papers were implemented in using korean corpus

Prelimnary & Usage

  • preliminary
pyenv virualenv 3.7.7 nlp
pyenv activate nlp
pip install -r requirements.txt
  • Usage
python build_dataset.py
python build_vocab.py
python train.py # default training parameter
python evaluate.py # defatul evaluation parameter

Single sentence classification (sentiment classification task)

  • Using the Naver sentiment movie corpus v1.0 (a.k.a. nsmc)
  • Configuration
    • conf/model/{type}.json (e.g. type = ["sencnn", "charcnn",...])
    • conf/dataset/nsmc.json
  • Structure
# example: Convolutional_Neural_Networks_for_Sentence_Classification
├── build_dataset.py
├── build_vocab.py
├── conf
│   ├── dataset
│   │   └── nsmc.json
│   └── model
│       └── sencnn.json
├── evaluate.py
├── experiments
│   └── sencnn
│       └── epochs_5_batch_size_256_learning_rate_0.001
├── model
│   ├── data.py
│   ├── __init__.py
│   ├── metric.py
│   ├── net.py
│   ├── ops.py
│   ├── split.py
│   └── utils.py
├── nsmc
│   ├── ratings_test.txt
│   ├── ratings_train.txt
│   ├── test.txt
│   ├── train.txt
│   ├── validation.txt
│   └── vocab.pkl
├── train.py
└── utils.py
Model \ Accuracy Train (120,000) Validation (30,000) Test (50,000) Date
SenCNN 91.95% 86.54% 85.84% 20/05/30
CharCNN 86.29% 81.69% 81.38% 20/05/30
ConvRec 86.23% 82.93% 82.43% 20/05/30
VDCNN 86.59% 84.29% 84.10% 20/05/30
SAN 90.71% 86.70% 86.37% 20/05/30
ETRIBERT 91.12% 89.24% 88.98% 20/05/30
SKTBERT 92.20% 89.08% 88.96% 20/05/30

Pairwise-text-classification (paraphrase detection task)

# example: Siamese_recurrent_architectures_for_learning_sentence_similarity
├── build_dataset.py
├── build_vocab.py
├── conf
│   ├── dataset
│   │   └── qpair.json
│   └── model
│       └── siam.json
├── evaluate.py
├── experiments
│   └── siam
│       └── epochs_5_batch_size_64_learning_rate_0.001
├── model
│   ├── data.py
│   ├── __init__.py
│   ├── metric.py
│   ├── net.py
│   ├── ops.py
│   ├── split.py
│   └── utils.py
├── qpair
│   ├── kor_pair_test.csv
│   ├── kor_pair_train.csv
│   ├── test.txt
│   ├── train.txt
│   ├── validation.txt
│   └── vocab.pkl
├── train.py
└── utils.py
Model \ Accuracy Train (6,136) Validation (682) Test (758) Date
Siam 93.00% 83.13% 83.64% 20/05/30
SAN 89.47% 82.11% 81.53% 20/05/30
Stochastic 89.26% 82.69% 80.07% 20/05/30
ETRIBERT 95.07% 94.42% 94.06% 20/05/30
SKTBERT 95.43% 92.52% 93.93% 20/05/30
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].