All Projects → jiegzhan → Multi Class Text Classification Cnn Rnn

jiegzhan / Multi Class Text Classification Cnn Rnn

Licence: apache-2.0
Classify Kaggle San Francisco Crime Description into 39 classes. Build the model with CNN, RNN (GRU and LSTM) and Word Embeddings on Tensorflow.

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Multi Class Text Classification Cnn Rnn

Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+58.25%)
Mutual labels:  cnn, rnn, text-classification, embeddings
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+382.63%)
Mutual labels:  cnn, lstm, rnn
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+533.86%)
Mutual labels:  cnn, rnn, text-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-34.21%)
Mutual labels:  cnn, rnn, text-classification
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+462.98%)
Mutual labels:  cnn, lstm, rnn
Caption generator
A modular library built on top of Keras and TensorFlow to generate a caption in natural language for any input image.
Stars: ✭ 243 (-57.37%)
Mutual labels:  cnn, lstm, rnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (-41.05%)
Mutual labels:  cnn, lstm, rnn
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-82.98%)
Mutual labels:  cnn, lstm, rnn
medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (-93.16%)
Mutual labels:  text-classification, lstm, rnn
Deeplearning
深度学习入门教程, 优秀文章, Deep Learning Tutorial
Stars: ✭ 6,783 (+1090%)
Mutual labels:  kaggle, cnn, rnn
Textclassificationbenchmark
A Benchmark of Text Classification in PyTorch
Stars: ✭ 534 (-6.32%)
Mutual labels:  cnn, lstm, text-classification
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-61.05%)
Mutual labels:  cnn, lstm, rnn
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (-62.46%)
Mutual labels:  cnn, lstm, rnn
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (-57.37%)
Mutual labels:  cnn, lstm, rnn
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-71.05%)
Mutual labels:  cnn, lstm, rnn
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-70.35%)
Mutual labels:  kaggle, cnn, lstm
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 (-28.07%)
Mutual labels:  cnn, text-classification, embeddings
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-84.21%)
Mutual labels:  cnn, lstm, rnn
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-83.16%)
Mutual labels:  cnn, lstm, rnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-92.46%)
Mutual labels:  text-classification, lstm, rnn

Project: Classify Kaggle San Francisco Crime Description

Highlights:

  • This is a multi-class text classification (sentence classification) problem.
  • The goal of this project is to classify Kaggle San Francisco Crime Description into 39 classes.
  • This model was built with CNN, RNN (LSTM and GRU) and Word Embeddings on Tensorflow.

Data: Kaggle San Francisco Crime

  • Input: Descript

  • Output: Category

  • Examples:

    Descript Category
    GRAND THEFT FROM LOCKED AUTO LARCENY/THEFT
    POSSESSION OF NARCOTICS PARAPHERNALIA DRUG/NARCOTIC
    AIDED CASE, MENTAL DISTURBED NON-CRIMINAL
    AGGRAVATED ASSAULT WITH BODILY FORCE ASSAULT
    ATTEMPTED ROBBERY ON THE STREET WITH A GUN ROBBERY

Train:

  • Command: python3 train.py train_data.file train_parameters.json
  • Example: python3 train.py ./data/train.csv.zip ./training_config.json

Predict:

  • Command: python3 predict.py ./trained_results_dir/ new_data.csv
  • Example: python3 predict.py ./trained_results_1478563595/ ./data/small_samples.csv

Reference:

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