All Projects → fendouai → Awesome Text Classification

fendouai / Awesome Text Classification

Licence: apache-2.0
Awesome-Text-Classification Projects,Papers,Tutorial .

Projects that are alternatives of or similar to Awesome Text Classification

Artificial Adversary
🗣️ Tool to generate adversarial text examples and test machine learning models against them
Stars: ✭ 348 (+120.25%)
Mutual labels:  classification, text-classification, text-mining, text-analysis
Fake news detection
Fake News Detection in Python
Stars: ✭ 194 (+22.78%)
Mutual labels:  classification, text-classification, text-mining, text-analysis
support-tickets-classification
This case study shows how to create a model for text analysis and classification and deploy it as a web service in Azure cloud in order to automatically classify support tickets. This project is a proof of concept made by Microsoft (Commercial Software Engineering team) in collaboration with Endava http://endava.com/en
Stars: ✭ 142 (-10.13%)
Mutual labels:  text-mining, text-classification, text-analysis, classification
DaDengAndHisPython
【微信公众号:大邓和他的python】, Python语法快速入门https://www.bilibili.com/video/av44384851 Python网络爬虫快速入门https://www.bilibili.com/video/av72010301, 我的联系邮箱[email protected]
Stars: ✭ 59 (-62.66%)
Mutual labels:  text-mining, text-classification, text-analysis
Applied Text Mining In Python
Repo for Applied Text Mining in Python (coursera) by University of Michigan
Stars: ✭ 59 (-62.66%)
Mutual labels:  classification, text-classification, text-mining
kwx
BERT, LDA, and TFIDF based keyword extraction in Python
Stars: ✭ 33 (-79.11%)
Mutual labels:  text-mining, text-classification, text-analysis
Orange3 Text
🍊 📄 Text Mining add-on for Orange3
Stars: ✭ 83 (-47.47%)
Mutual labels:  text-mining, nltk, text-analysis
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (+126.58%)
Mutual labels:  text-classification, text-mining, text-analysis
Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+137.34%)
Mutual labels:  classification, text-classification, text-mining
Text classification
all kinds of text classification models and more with deep learning
Stars: ✭ 7,179 (+4443.67%)
Mutual labels:  classification, text-classification
Cnn Question Classification Keras
Chinese Question Classifier (Keras Implementation) on BQuLD
Stars: ✭ 28 (-82.28%)
Mutual labels:  classification, text-classification
Applied Ml
Code and Resources for "Applied Machine Learning"
Stars: ✭ 156 (-1.27%)
Mutual labels:  classification, text-analysis
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+470.89%)
Mutual labels:  classification, text-classification
Text Mining
Text Mining in Python
Stars: ✭ 18 (-88.61%)
Mutual labels:  text-classification, text-mining
Ml Classify Text Js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
Stars: ✭ 38 (-75.95%)
Mutual labels:  classification, text-classification
Rake Nltk
Python implementation of the Rapid Automatic Keyword Extraction algorithm using NLTK.
Stars: ✭ 793 (+401.9%)
Mutual labels:  text-mining, nltk
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-59.49%)
Mutual labels:  classification, text-classification
Nlp In Practice
Starter code to solve real world text data problems. Includes: Gensim Word2Vec, phrase embeddings, Text Classification with Logistic Regression, word count with pyspark, simple text preprocessing, pre-trained embeddings and more.
Stars: ✭ 790 (+400%)
Mutual labels:  text-classification, text-mining
Textclassification
All kinds of neural text classifiers implemented by Keras
Stars: ✭ 51 (-67.72%)
Mutual labels:  classification, text-classification
Text Analytics With Python
Learn how to process, classify, cluster, summarize, understand syntax, semantics and sentiment of text data with the power of Python! This repository contains code and datasets used in my book, "Text Analytics with Python" published by Apress/Springer.
Stars: ✭ 1,132 (+616.46%)
Mutual labels:  text-classification, nltk

Awesome-Text-Classification

Projects

fastText

Library for fast text representation and classification.

https://github.com/facebookresearch/fastText

CNN_sentence

CNNs for sentence classification

https://github.com/yoonkim/CNN_sentence

cnn-text-classification-tf

Convolutional Neural Network for Text Classification in Tensorflow

https://github.com/dennybritz/cnn-text-classification-tf

textClassifier

Text classifier for Hierarchical Attention Networks for Document Classification

https://github.com/richliao/textClassifier

Crepe

Character-level Convolutional Networks for Text Classification

https://github.com/zhangxiangxiao/Crepe

text_classification

all kinds of text classificaiton models and more with deep learning

https://github.com/brightmart/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.

https://github.com/jiegzhan/multi-class-text-classification-cnn-rnn

klassify

Bayesian Text classification service based on Redis. Built on top of Tornado and React.js

https://github.com/fatiherikli/klassify

sent-conv-torch

Text classification using a convolutional neural network.

https://github.com/harvardnlp/sent-conv-torch

Chinese

cnn-text-classification-tf-chinese

CNN for Chinese Text Classification in Tensorflow

https://github.com/indiejoseph/cnn-text-classification-tf-chinese

text-classification-cnn-rnn

CNN-RNN中文文本分类,基于tensorflow

https://github.com/gaussic/text-classification-cnn-rnn

Chinese-Text-Classification

Chinese-Text-Classification,Tensorflow CNN(卷积神经网络)实现的中文文本分类。QQ群:522785813,微信群二维码:http://www.tensorflownews.com/

https://github.com/fendouai/Chinese-Text-Classification

Papers

Convolutional Neural Networks for Sentence Classification

https://arxiv.org/abs/1408.5882

Character-level Convolutional Networks for Text Classification

https://arxiv.org/abs/1509.01626

Tutorial

Implementing a CNN for Text Classification in TensorFlow

http://www.wildml.com/2015/12/implementing-a-cnn-for-text-classification-in-tensorflow/

Reference

http://www.buluo360.com/

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