All Projects → jiegzhan → Multi Class Text Classification Cnn

jiegzhan / Multi Class Text Classification Cnn

Licence: apache-2.0
Classify Kaggle Consumer Finance Complaints into 11 classes. Build the model with CNN (Convolutional Neural Network) 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

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 (+39.02%)
Mutual labels:  cnn, text-classification, embeddings
Cnn Text Classification Tf Chinese
CNN for Chinese Text Classification in Tensorflow
Stars: ✭ 237 (-42.2%)
Mutual labels:  convolutional-neural-networks, cnn, text-classification
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (-8.54%)
Mutual labels:  convolutional-neural-networks, cnn, text-classification
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+120%)
Mutual labels:  cnn, text-classification, embeddings
Pytorch Saltnet
Kaggle | 9th place single model solution for TGS Salt Identification Challenge
Stars: ✭ 270 (-34.15%)
Mutual labels:  convolutional-neural-networks, cnn
Human Activity Recognition Using Cnn
Convolutional Neural Network for Human Activity Recognition in Tensorflow
Stars: ✭ 382 (-6.83%)
Mutual labels:  convolutional-neural-networks, cnn
Chinese Text Classification
Chinese-Text-Classification,Tensorflow CNN(卷积神经网络)实现的中文文本分类。QQ群:522785813,微信群二维码:http://www.tensorflownews.com/
Stars: ✭ 284 (-30.73%)
Mutual labels:  cnn, text-classification
Neuralnetwork.net
A TensorFlow-inspired neural network library built from scratch in C# 7.3 for .NET Standard 2.0, with GPU support through cuDNN
Stars: ✭ 392 (-4.39%)
Mutual labels:  convolutional-neural-networks, cnn
Grad cam plus plus
A generalized gradient-based CNN visualization technique
Stars: ✭ 216 (-47.32%)
Mutual labels:  convolutional-neural-networks, cnn
Pytorch Srgan
A modern PyTorch implementation of SRGAN
Stars: ✭ 289 (-29.51%)
Mutual labels:  convolutional-neural-networks, cnn
Tf Pose Estimation
Deep Pose Estimation implemented using Tensorflow with Custom Architectures for fast inference.
Stars: ✭ 3,856 (+840.49%)
Mutual labels:  convolutional-neural-networks, cnn
Text and Audio classification with Bert
Text Classification in Turkish Texts with Bert
Stars: ✭ 34 (-91.71%)
Mutual labels:  text-classification, embeddings
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+781.22%)
Mutual labels:  cnn, text-classification
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (-17.56%)
Mutual labels:  convolutional-neural-networks, cnn
Pytorch Image Classification
Tutorials on how to implement a few key architectures for image classification using PyTorch and TorchVision.
Stars: ✭ 272 (-33.66%)
Mutual labels:  convolutional-neural-networks, cnn
Pyconv
Pyramidal Convolution: Rethinking Convolutional Neural Networks for Visual Recognition (https://arxiv.org/pdf/2006.11538.pdf)
Stars: ✭ 231 (-43.66%)
Mutual labels:  convolutional-neural-networks, cnn
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (-27.32%)
Mutual labels:  cnn, text-classification
Deepface
Deep Learning Models for Face Detection/Recognition/Alignments, implemented in Tensorflow
Stars: ✭ 409 (-0.24%)
Mutual labels:  convolutional-neural-networks, cnn
Style transfer
CNN image style transfer 🎨.
Stars: ✭ 210 (-48.78%)
Mutual labels:  convolutional-neural-networks, cnn
Transfer Learning Suite
Transfer Learning Suite in Keras. Perform transfer learning using any built-in Keras image classification model easily!
Stars: ✭ 212 (-48.29%)
Mutual labels:  convolutional-neural-networks, cnn

Project: Classify Kaggle Consumer Finance Complaints

Highlights:

  • This is a multi-class text classification (sentence classification) problem.
  • The purpose of this project is to classify Kaggle Consumer Finance Complaints into 11 classes.
  • The model was built with Convolutional Neural Network (CNN) and Word Embeddings on Tensorflow.

Data: Kaggle Consumer Finance Complaints

  • Input: consumer_complaint_narrative

    • Example: "someone in north Carolina has stolen my identity information and has purchased items including XXXX cell phones thru XXXX on XXXX/XXXX/2015. A police report was filed as soon as I found out about it on XXXX/XXXX/2015. A investigation from XXXX is under way thru there fraud department and our local police department.\n"
  • Output: product

    • Example: Credit reporting

Train:

  • Command: python3 train.py training_data.file parameters.json
  • Example: python3 train.py ./data/consumer_complaints.csv.zip ./parameters.json

A directory will be created during training, and the trained model will be saved in this directory.

Predict:

Provide the model directory (created when running train.py) and new data to predict.py.

  • Command: python3 predict.py ./trained_model_directory/ new_data.file
  • Example: python3 predict.py ./trained_model_1479757124/ ./data/small_samples.json

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