All Projects → richliao → Textclassifier

richliao / Textclassifier

Licence: apache-2.0
Text classifier for Hierarchical Attention Networks for Document Classification

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Textclassifier

Text classification
Text Classification Algorithms: A Survey
Stars: ✭ 1,276 (+29.54%)
Mutual labels:  convolutional-neural-networks, text-classification, recurrent-neural-networks
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-61.93%)
Mutual labels:  convolutional-neural-networks, text-classification, recurrent-neural-networks
Document Classifier Lstm
A bidirectional LSTM with attention for multiclass/multilabel text classification.
Stars: ✭ 136 (-86.19%)
Mutual labels:  text-classification, recurrent-neural-networks, attention-mechanism
Rcnn Text Classification
Tensorflow Implementation of "Recurrent Convolutional Neural Network for Text Classification" (AAAI 2015)
Stars: ✭ 127 (-87.11%)
Mutual labels:  convolutional-neural-networks, text-classification, recurrent-neural-networks
Image Caption Generator
A neural network to generate captions for an image using CNN and RNN with BEAM Search.
Stars: ✭ 126 (-87.21%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks, attention-mechanism
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-95.63%)
Mutual labels:  text-classification, recurrent-neural-networks, attention-mechanism
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (-80.61%)
Mutual labels:  convolutional-neural-networks, text-classification, recurrent-neural-networks
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+628.83%)
Mutual labels:  convolutional-neural-networks, text-classification, attention-mechanism
Keras Anomaly Detection
Anomaly detection implemented in Keras
Stars: ✭ 335 (-65.99%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
First Steps Towards Deep Learning
This is an open sourced book on deep learning.
Stars: ✭ 376 (-61.83%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Text Classification Models Pytorch
Implementation of State-of-the-art Text Classification Models in Pytorch
Stars: ✭ 379 (-61.52%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Zhihu
This repo contains the source code in my personal column (https://zhuanlan.zhihu.com/zhaoyeyu), implemented using Python 3.6. Including Natural Language Processing and Computer Vision projects, such as text generation, machine translation, deep convolution GAN and other actual combat code.
Stars: ✭ 3,307 (+235.74%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Komputation
Komputation is a neural network framework for the Java Virtual Machine written in Kotlin and CUDA C.
Stars: ✭ 295 (-70.05%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Easy Tensorflow
Simple and comprehensive tutorials in TensorFlow
Stars: ✭ 2,871 (+191.47%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Stanford Cs 230 Deep Learning
VIP cheatsheets for Stanford's CS 230 Deep Learning
Stars: ✭ 5,149 (+422.74%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Eeglearn
A set of functions for supervised feature learning/classification of mental states from EEG based on "EEG images" idea.
Stars: ✭ 469 (-52.39%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Da Rnn
📃 **Unofficial** PyTorch Implementation of DA-RNN (arXiv:1704.02971)
Stars: ✭ 256 (-74.01%)
Mutual labels:  recurrent-neural-networks, attention-mechanism
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 (-58.38%)
Mutual labels:  convolutional-neural-networks, text-classification
Trending Deep Learning
Top 100 trending deep learning repositories sorted by the number of stars gained on a specific day.
Stars: ✭ 543 (-44.87%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks
Machine Learning Curriculum
💻 Make machines learn so that you don't have to struggle to program them; The ultimate list
Stars: ✭ 761 (-22.74%)
Mutual labels:  convolutional-neural-networks, recurrent-neural-networks

textClassifier

textClassifierHATT.py has the implementation of Hierarchical Attention Networks for Document Classification. Please see the my blog for full detail. Also see Keras Google group discussion

textClassifierConv has implemented Convolutional Neural Networks for Sentence Classification - Yoo Kim. Please see the my blog for full detail.

textClassifierRNN has implemented bidirectional LSTM and one level attentional RNN. Please see the my blog for full detail.

update on 6/22/2017

To derive the attention weight which can be useful to identify important words for the classification. Please see my latest update on the post. All you need to do is run a forward pass right before attention layer output. The result is not very promising. I will update the post once I have further result.


This repo is forked from https://github.com/richliao/textClassifier and we find some issue here. So we update the textClassifierHATT with python 2.7 and keras 2.0.8

# clone the repo
git clone {repo address}

# install Dependent library
cd textClassifier
pip install -r req.xt

# download imdb train from Kaggle in the below link and keep the files in the working directory
https://www.kaggle.com/c/word2vec-nlp-tutorial/download/labeledTrainData.tsv
# download glove word vector
wget http://nlp.stanford.edu/data/glove.6B.zip
unzip glove.6B.zip

# install nltk 'punkt' using the following code in python interpretor
>>>import nltk
>>>nltk.download('punkt')

# train the model
python textClassifierHATT.py

# note if in case while installing word2vec, cython error occurs then 
pip install --upgrade cython

Enjoy!

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