All Projects → Cnn Text Classification Keras → Similar Projects or Alternatives

1134 Open source projects that are alternatives of or similar to Cnn Text Classification Keras

Rmdl
RMDL: Random Multimodel Deep Learning for Classification
Stars: ✭ 375 (+76.06%)
Mutual labels:  cnn, text-classification, text-mining
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (+58.69%)
Mutual labels:  cnn, sentiment-analysis, theano
Text mining resources
Resources for learning about Text Mining and Natural Language Processing
Stars: ✭ 358 (+68.08%)
Sentiment analysis albert
sentiment analysis、文本分类、ALBERT、TextCNN、classification、tensorflow、BERT、CNN、text classification
Stars: ✭ 61 (-71.36%)
Tf Rnn Attention
Tensorflow implementation of attention mechanism for text classification tasks.
Stars: ✭ 735 (+245.07%)
Chinese ulmfit
中文ULMFiT 情感分析 文本分类
Stars: ✭ 208 (-2.35%)
Pyss3
A Python package implementing a new machine learning model for text classification with visualization tools for Explainable AI
Stars: ✭ 191 (-10.33%)
Mutual labels:  text-classification, text-mining
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 (-84.04%)
Neural Networks
All about Neural Networks!
Stars: ✭ 34 (-84.04%)
Mutual labels:  cnn, sentiment-analysis
Meta Learning Bert
Meta learning with BERT as a learner
Stars: ✭ 52 (-75.59%)
Applied Text Mining In Python
Repo for Applied Text Mining in Python (coursera) by University of Michigan
Stars: ✭ 59 (-72.3%)
Mutual labels:  text-classification, text-mining
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 (+92.49%)
Mutual labels:  cnn, text-classification
Keras Text
Text Classification Library in Keras
Stars: ✭ 421 (+97.65%)
Mutual labels:  text-classification, theano
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (+220.19%)
Mutual labels:  cnn, text-classification
Textclassificationbenchmark
A Benchmark of Text Classification in PyTorch
Stars: ✭ 534 (+150.7%)
Mutual labels:  cnn, text-classification
Hdltex
HDLTex: Hierarchical Deep Learning for Text Classification
Stars: ✭ 191 (-10.33%)
Mutual labels:  text-classification, text-mining
Omnicat Bayes
Naive Bayes text classification implementation as an OmniCat classifier strategy. (#ruby #naivebayes)
Stars: ✭ 30 (-85.92%)
Yann
This toolbox is support material for the book on CNN (http://www.convolution.network).
Stars: ✭ 41 (-80.75%)
Mutual labels:  cnn, theano
Chatbot cn
基于金融-司法领域(兼有闲聊性质)的聊天机器人,其中的主要模块有信息抽取、NLU、NLG、知识图谱等,并且利用Django整合了前端展示,目前已经封装了nlp和kg的restful接口
Stars: ✭ 791 (+271.36%)
Sarcasm Detection
Detecting Sarcasm on Twitter using both traditonal machine learning and deep learning techniques.
Stars: ✭ 73 (-65.73%)
Char Cnn Text Classification Tensorflow
Character-level Convolutional Networks for Text Classification论文仿真实现
Stars: ✭ 72 (-66.2%)
Mutual labels:  cnn, text-classification
Orange3 Text
🍊 📄 Text Mining add-on for Orange3
Stars: ✭ 83 (-61.03%)
Mutual labels:  sentiment-analysis, text-mining
Learning Social Media Analytics With R
This repository contains code and bonus content which will be added from time to time for the book "Learning Social Media Analytics with R" by Packt
Stars: ✭ 102 (-52.11%)
Mutual labels:  sentiment-analysis, text-mining
Cnn intent classification
CNN for intent classification task in a Chatbot
Stars: ✭ 90 (-57.75%)
Mutual labels:  cnn, text-classification
Rnn Text Classification Tf
Tensorflow Implementation of Recurrent Neural Network (Vanilla, LSTM, GRU) for Text Classification
Stars: ✭ 114 (-46.48%)
Classifier multi label textcnn
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 116 (-45.54%)
Mutual labels:  cnn, text-classification
Fake news detection
Fake News Detection in Python
Stars: ✭ 194 (-8.92%)
Mutual labels:  text-classification, text-mining
Rcnn Text Classification
Tensorflow Implementation of "Recurrent Convolutional Neural Network for Text Classification" (AAAI 2015)
Stars: ✭ 127 (-40.38%)
Awesome Sentiment Analysis
Repository with all what is necessary for sentiment analysis and related areas
Stars: ✭ 459 (+115.49%)
Mutual labels:  sentiment-analysis, text-mining
Onnxt5
Summarization, translation, sentiment-analysis, text-generation and more at blazing speed using a T5 version implemented in ONNX.
Stars: ✭ 143 (-32.86%)
Shallowlearn
An experiment about re-implementing supervised learning models based on shallow neural network approaches (e.g. fastText) with some additional exclusive features and nice API. Written in Python and fully compatible with Scikit-learn.
Stars: ✭ 196 (-7.98%)
Mutual labels:  text-classification, text-mining
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 (+167.61%)
Mutual labels:  cnn, text-classification
Sentiment analysis fine grain
Multi-label Classification with BERT; Fine Grained Sentiment Analysis from AI challenger
Stars: ✭ 546 (+156.34%)
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 (+270.89%)
Mutual labels:  text-classification, text-mining
Artificial Adversary
🗣️ Tool to generate adversarial text examples and test machine learning models against them
Stars: ✭ 348 (+63.38%)
Mutual labels:  text-classification, text-mining
Cnn Question Classification Keras
Chinese Question Classifier (Keras Implementation) on BQuLD
Stars: ✭ 28 (-86.85%)
Mutual labels:  cnn, text-classification
Eda nlp
Data augmentation for NLP, presented at EMNLP 2019
Stars: ✭ 902 (+323.47%)
Mutual labels:  cnn, text-classification
Rnn Theano
使用Theano实现的一些RNN代码,包括最基本的RNN,LSTM,以及部分Attention模型,如论文MLSTM等
Stars: ✭ 31 (-85.45%)
Mutual labels:  cnn, theano
Text Mining
Text Mining in Python
Stars: ✭ 18 (-91.55%)
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 (-82.16%)
Twitter Sentiment Analysis
Sentiment analysis on tweets using Naive Bayes, SVM, CNN, LSTM, etc.
Stars: ✭ 978 (+359.15%)
Mutual labels:  cnn, sentiment-analysis
Text Classification Keras
📚 Text classification library with Keras
Stars: ✭ 53 (-75.12%)
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 (+431.46%)
Lstm Cnn classification
Stars: ✭ 64 (-69.95%)
Mutual labels:  cnn, text-classification
Hierarchical Attention Networks
TensorFlow implementation of the paper "Hierarchical Attention Networks for Document Classification"
Stars: ✭ 75 (-64.79%)
Deep Atrous Cnn Sentiment
Deep-Atrous-CNN-Text-Network: End-to-end word level model for sentiment analysis and other text classifications
Stars: ✭ 64 (-69.95%)
Tia
Your Advanced Twitter stalking tool
Stars: ✭ 98 (-53.99%)
Doc2vec
📓 Long(er) text representation and classification using Doc2Vec embeddings
Stars: ✭ 92 (-56.81%)
Aspect Extraction
Aspect extraction from product reviews - window-CNN+maxpool+CRF, BiLSTM+CRF, MLP+CRF
Stars: ✭ 117 (-45.07%)
Mutual labels:  cnn, sentiment-analysis
Awesome Text Classification
Awesome-Text-Classification Projects,Papers,Tutorial .
Stars: ✭ 158 (-25.82%)
Mutual labels:  text-classification, text-mining
Cluedatasetsearch
搜索所有中文NLP数据集,附常用英文NLP数据集
Stars: ✭ 2,112 (+891.55%)
Dan Jurafsky Chris Manning Nlp
My solution to the Natural Language Processing course made by Dan Jurafsky, Chris Manning in Winter 2012.
Stars: ✭ 124 (-41.78%)
Livianet
This repository contains the code of LiviaNET, a 3D fully convolutional neural network that was employed in our work: "3D fully convolutional networks for subcortical segmentation in MRI: A large-scale study"
Stars: ✭ 143 (-32.86%)
Mutual labels:  cnn, theano
Hyperdensenet
This repository contains the code of HyperDenseNet, a hyper-densely connected CNN to segment medical images in multi-modal image scenarios.
Stars: ✭ 124 (-41.78%)
Mutual labels:  cnn, theano
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (+39.91%)
Mutual labels:  cnn, text-classification
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+1596.24%)
Mutual labels:  cnn, text-classification
Textblob Ar
Arabic support for textblob
Stars: ✭ 60 (-71.83%)
Context
ConText v4: Neural networks for text categorization
Stars: ✭ 120 (-43.66%)
Text Classification Demos
Neural models for Text Classification in Tensorflow, such as cnn, dpcnn, fasttext, bert ...
Stars: ✭ 144 (-32.39%)
Mutual labels:  cnn, text-classification
Spark Nlp
State of the Art Natural Language Processing
Stars: ✭ 2,518 (+1082.16%)
1-60 of 1134 similar projects