All Projects → prakashpandey9 → Text Classification Pytorch

prakashpandey9 / Text Classification Pytorch

Licence: mit
Text classification using deep learning models in Pytorch

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Text Classification Pytorch

Context
ConText v4: Neural networks for text categorization
Stars: ✭ 120 (-82.43%)
Mutual labels:  text-classification, sentiment-classification
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-96.93%)
Mutual labels:  text-classification, glove
Dan Jurafsky Chris Manning Nlp
My solution to the Natural Language Processing course made by Dan Jurafsky, Chris Manning in Winter 2012.
Stars: ✭ 124 (-81.84%)
Mutual labels:  text-classification, sentiment-classification
Nlp Tutorial
A list of NLP(Natural Language Processing) tutorials
Stars: ✭ 1,188 (+73.94%)
Mutual labels:  text-classification, sentiment-classification
nsmc-zeppelin-notebook
Movie review dataset Word2Vec & sentiment classification Zeppelin notebook
Stars: ✭ 26 (-96.19%)
Mutual labels:  text-classification, sentiment-classification
Pytorch Rnn Text Classification
Word Embedding + LSTM + FC
Stars: ✭ 112 (-83.6%)
Mutual labels:  text-classification, glove
Text-Classification-PyTorch
Implementation of papers for text classification task on SST-1/SST-2
Stars: ✭ 57 (-91.65%)
Mutual labels:  text-classification, sentiment-classification
Tia
Your Advanced Twitter stalking tool
Stars: ✭ 98 (-85.65%)
Mutual labels:  text-classification, sentiment-classification
COVID-19-Tweet-Classification-using-Roberta-and-Bert-Simple-Transformers
Rank 1 / 216
Stars: ✭ 24 (-96.49%)
Mutual labels:  text-classification, sentiment-classification
Text tone analyzer
Система, анализирующая тональность текстов и высказываний.
Stars: ✭ 15 (-97.8%)
Mutual labels:  text-classification, sentiment-classification
Tensorflow Sentiment Analysis On Amazon Reviews Data
Implementing different RNN models (LSTM,GRU) & Convolution models (Conv1D, Conv2D) on a subset of Amazon Reviews data with TensorFlow on Python 3. A sentiment analysis project.
Stars: ✭ 34 (-95.02%)
Mutual labels:  text-classification, sentiment-classification
NewsMTSC
Target-dependent sentiment classification in news articles reporting on political events. Includes a high-quality data set of over 11k sentences and a state-of-the-art classification model.
Stars: ✭ 54 (-92.09%)
Mutual labels:  text-classification, sentiment-classification
Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
Stars: ✭ 37 (-94.58%)
Mutual labels:  text-classification, sentiment-classification
cnn-text-classification
Text classification with Convolution Neural Networks on Yelp, IMDB & sentence polarity dataset v1.0
Stars: ✭ 108 (-84.19%)
Mutual labels:  text-classification, sentiment-classification
Caver
Caver: a toolkit for multilabel text classification.
Stars: ✭ 38 (-94.44%)
Mutual labels:  text-classification, attention-model
ML2017FALL
Machine Learning (EE 5184) in NTU
Stars: ✭ 66 (-90.34%)
Mutual labels:  text-classification, sentiment-classification
Bert Multi Label Text Classification
This repo contains a PyTorch implementation of a pretrained BERT model for multi-label text classification.
Stars: ✭ 473 (-30.75%)
Mutual labels:  text-classification
Multi Class Text Classification Cnn Rnn
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.
Stars: ✭ 570 (-16.54%)
Mutual labels:  text-classification
Awesome Sentiment Analysis
Repository with all what is necessary for sentiment analysis and related areas
Stars: ✭ 459 (-32.8%)
Mutual labels:  sentiment-classification
Structured Self Attention
A Structured Self-attentive Sentence Embedding
Stars: ✭ 459 (-32.8%)
Mutual labels:  attention-model

Text-Classification-Pytorch

Description

This repository contains the implmentation of various text classification models like RNN, LSTM, Attention, CNN, etc in PyTorch deep learning framework along with a detailed documentation of each of the model.

Text Classification is one of the basic and most important task of Natural Language Processing. In this repository, I am focussing on one such text classification task and that is Sentiment Analysis. So far I have covered following six different models in this repo.

  • RNN
  • LSTM
  • LSTM + Attention
  • Self Attention
  • CNN
  • RCNN

Requirements

  • Python==3.6.6
  • PyTorch==0.4.0
  • torchtext==0.2.3

Downloads and Setup

Once you clone this repo, run the main.py file to process the dataset and to train the model.

$ python main.py

References

  • A Structured Self-Attentive Sentence Embedding : Paper
  • Convolutional Neural Networks for Sentence Classification : Paper
  • Recurrent Convolutional Neural Networks for Text Classification : Paper

License

MIT

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