All Projects → keishinkickback → Pytorch Rnn Text Classification

keishinkickback / Pytorch Rnn Text Classification

Word Embedding + LSTM + FC

Programming Languages

python
139335 projects - #7 most used programming language

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

sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-81.25%)
Mutual labels:  text-classification, lstm, glove
myDL
Deep Learning
Stars: ✭ 18 (-83.93%)
Mutual labels:  lstm, gru, rnn
theano-recurrence
Recurrent Neural Networks (RNN, GRU, LSTM) and their Bidirectional versions (BiRNN, BiGRU, BiLSTM) for word & character level language modelling in Theano
Stars: ✭ 40 (-64.29%)
Mutual labels:  lstm, gru, rnn
Rnn ctc
Recurrent Neural Network and Long Short Term Memory (LSTM) with Connectionist Temporal Classification implemented in Theano. Includes a Toy training example.
Stars: ✭ 220 (+96.43%)
Mutual labels:  lstm, rnn, gru
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 (+408.93%)
Mutual labels:  lstm, rnn, text-classification
Pytorch Seq2seq
Tutorials on implementing a few sequence-to-sequence (seq2seq) models with PyTorch and TorchText.
Stars: ✭ 3,418 (+2951.79%)
Mutual labels:  lstm, rnn, gru
ConvLSTM-PyTorch
ConvLSTM/ConvGRU (Encoder-Decoder) with PyTorch on Moving-MNIST
Stars: ✭ 202 (+80.36%)
Mutual labels:  lstm, gru, rnn
Load forecasting
Load forcasting on Delhi area electric power load using ARIMA, RNN, LSTM and GRU models
Stars: ✭ 160 (+42.86%)
Mutual labels:  lstm, rnn, gru
Easy Deep Learning With Keras
Keras tutorial for beginners (using TF backend)
Stars: ✭ 367 (+227.68%)
Mutual labels:  lstm, rnn, gru
Pytorch-POS-Tagger
Part-of-Speech Tagger and custom implementations of LSTM, GRU and Vanilla RNN
Stars: ✭ 24 (-78.57%)
Mutual labels:  lstm, gru, rnn
Haste
Haste: a fast, simple, and open RNN library
Stars: ✭ 214 (+91.07%)
Mutual labels:  lstm, rnn, gru
Rnn Notebooks
RNN(SimpleRNN, LSTM, GRU) Tensorflow2.0 & Keras Notebooks (Workshop materials)
Stars: ✭ 48 (-57.14%)
Mutual labels:  lstm, rnn, gru
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (+47.32%)
Mutual labels:  lstm, rnn, gru
tf-ran-cell
Recurrent Additive Networks for Tensorflow
Stars: ✭ 16 (-85.71%)
Mutual labels:  lstm, gru, rnn
Pytorch Kaldi
pytorch-kaldi is a project for developing state-of-the-art DNN/RNN hybrid speech recognition systems. The DNN part is managed by pytorch, while feature extraction, label computation, and decoding are performed with the kaldi toolkit.
Stars: ✭ 2,097 (+1772.32%)
Mutual labels:  lstm, rnn, gru
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-61.61%)
Mutual labels:  text-classification, lstm, rnn
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (+1.79%)
Mutual labels:  lstm, text-classification, gru
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (-65.18%)
Mutual labels:  text-classification, lstm, rnn
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 (-69.64%)
Mutual labels:  lstm, text-classification, gru
See Rnn
RNN and general weights, gradients, & activations visualization in Keras & TensorFlow
Stars: ✭ 102 (-8.93%)
Mutual labels:  lstm, rnn, gru

RNN-based short text classification

  • This is for multi-class short text classification.
  • Model is built with Word Embedding, LSTM ( or GRU), and Fully-connected layer by Pytorch.
  • A mini-batch is created by 0 padding and processed by using torch.nn.utils.rnn.PackedSequence.
  • Cross-entropy Loss + Adam optimizer.
  • Support pretrained word embedding (GloVe).

Model

  • Embedding --> Dropout --> LSTM(GRU) --> Dropout --> FC.

Preprocessing

python preprocess.py

Training

  • The following command starts training. Run it with -h for optional arguments.
python main.py
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].