All Projects → Textclassificationbenchmark → Similar Projects or Alternatives

1551 Open source projects that are alternatives of or similar to Textclassificationbenchmark

medical-diagnosis-cnn-rnn-rcnn
分别使用rnn/cnn/rcnn来实现根据患者描述,进行疾病诊断
Stars: ✭ 39 (-92.7%)
Mutual labels:  text-classification, lstm, rcnn
Text Classification
Implementation of papers for text classification task on DBpedia
Stars: ✭ 682 (+27.72%)
Mutual labels:  cnn, lstm, text-classification
Easyocr
Ready-to-use OCR with 80+ supported languages and all popular writing scripts including Latin, Chinese, Arabic, Devanagari, Cyrillic and etc.
Stars: ✭ 13,379 (+2405.43%)
Mutual labels:  cnn, lstm, crnn
Keras Textclassification
中文长文本分类、短句子分类、多标签分类、两句子相似度(Chinese Text Classification of Keras NLP, multi-label classify, or sentence classify, long or short),字词句向量嵌入层(embeddings)和网络层(graph)构建基类,FastText,TextCNN,CharCNN,TextRNN, RCNN, DCNN, DPCNN, VDCNN, CRNN, Bert, Xlnet, Albert, Attention, DeepMoji, HAN, 胶囊网络-CapsuleNet, Transformer-encode, Seq2seq, SWEM, LEAM, TextGCN
Stars: ✭ 914 (+71.16%)
Mutual labels:  text-classification, crnn, rcnn
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 (+6.74%)
Mutual labels:  cnn, lstm, text-classification
Lstm Cnn classification
Stars: ✭ 64 (-88.01%)
Mutual labels:  cnn, lstm, text-classification
Awesome Deep Learning Resources
Rough list of my favorite deep learning resources, useful for revisiting topics or for reference. I have got through all of the content listed there, carefully. - Guillaume Chevalier
Stars: ✭ 1,469 (+175.09%)
Mutual labels:  cnn, lstm
Ncrfpp
NCRF++, a Neural Sequence Labeling Toolkit. Easy use to any sequence labeling tasks (e.g. NER, POS, Segmentation). It includes character LSTM/CNN, word LSTM/CNN and softmax/CRF components.
Stars: ✭ 1,767 (+230.9%)
Mutual labels:  cnn, lstm
Lstm Fcn
Codebase for the paper LSTM Fully Convolutional Networks for Time Series Classification
Stars: ✭ 482 (-9.74%)
Mutual labels:  cnn, lstm
Deepsleepnet
DeepSleepNet: a Model for Automatic Sleep Stage Scoring based on Raw Single-Channel EEG
Stars: ✭ 200 (-62.55%)
Mutual labels:  cnn, lstm
Screenshot To Code
A neural network that transforms a design mock-up into a static website.
Stars: ✭ 13,561 (+2439.51%)
Mutual labels:  cnn, lstm
Cnn Text Classification Tf Chinese
CNN for Chinese Text Classification in Tensorflow
Stars: ✭ 237 (-55.62%)
Mutual labels:  cnn, text-classification
Pytorch Sentiment Analysis
Tutorials on getting started with PyTorch and TorchText for sentiment analysis.
Stars: ✭ 3,209 (+500.94%)
Mutual labels:  cnn, lstm
Cryptocurrencyprediction
Predict Cryptocurrency Price with Deep Learning
Stars: ✭ 453 (-15.17%)
Mutual labels:  cnn, lstm
Pytorch Learners Tutorial
PyTorch tutorial for learners
Stars: ✭ 97 (-81.84%)
Mutual labels:  cnn, lstm
Pytorch convlstm
convolutional lstm implementation in pytorch
Stars: ✭ 126 (-76.4%)
Mutual labels:  cnn, lstm
Deeplearning tutorials
The deeplearning algorithms implemented by tensorflow
Stars: ✭ 1,580 (+195.88%)
Mutual labels:  cnn, lstm
Kaggle Competition Favorita
5th place solution for Kaggle competition Favorita Grocery Sales Forecasting
Stars: ✭ 169 (-68.35%)
Mutual labels:  cnn, lstm
Speech Emotion Recognition
Speech emotion recognition implemented in Keras (LSTM, CNN, SVM, MLP) | 语音情感识别
Stars: ✭ 181 (-66.1%)
Mutual labels:  cnn, lstm
Natural Language Processing With Tensorflow
Natural Language Processing with TensorFlow, published by Packt
Stars: ✭ 222 (-58.43%)
Mutual labels:  cnn, lstm
Vpilot
Scripts and tools to easily communicate with DeepGTAV. In the future a self-driving agent will be implemented.
Stars: ✭ 136 (-74.53%)
Mutual labels:  cnn, lstm
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-96.07%)
Mutual labels:  text-classification, lstm
OCR
Optical character recognition Using Deep Learning
Stars: ✭ 25 (-95.32%)
Mutual labels:  lstm, rcnn
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (-91.95%)
Mutual labels:  text-classification, lstm
stylenet
A pytorch implemention of "StyleNet: Generating Attractive Visual Captions with Styles"
Stars: ✭ 58 (-89.14%)
Mutual labels:  cnn, lstm
object-tracking
Multiple Object Tracking System in Keras + (Detection Network - YOLO)
Stars: ✭ 89 (-83.33%)
Mutual labels:  lstm, rcnn
Stock-Prediction
stock predict by cnn and lstm
Stars: ✭ 25 (-95.32%)
Mutual labels:  cnn, lstm
Cs291k
🎭 Sentiment Analysis of Twitter data using combined CNN and LSTM Neural Network models
Stars: ✭ 287 (-46.25%)
Mutual labels:  cnn, lstm
Pytorch Pos Tagging
A tutorial on how to implement models for part-of-speech tagging using PyTorch and TorchText.
Stars: ✭ 96 (-82.02%)
Mutual labels:  cnn, lstm
Cnn lstm for text classify
CNN, LSTM, NBOW, fasttext 中文文本分类
Stars: ✭ 90 (-83.15%)
Mutual labels:  cnn, lstm
Sarcasmdetection
Sarcasm detection on tweets using neural network
Stars: ✭ 99 (-81.46%)
Mutual labels:  cnn, lstm
Cnn intent classification
CNN for intent classification task in a Chatbot
Stars: ✭ 90 (-83.15%)
Mutual labels:  cnn, text-classification
Classifier multi label textcnn
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
Stars: ✭ 116 (-78.28%)
Mutual labels:  cnn, text-classification
Robust Lane Detection
Stars: ✭ 110 (-79.4%)
Mutual labels:  cnn, lstm
End To End Sequence Labeling Via Bi Directional Lstm Cnns Crf Tutorial
Tutorial for End-to-end Sequence Labeling via Bi-directional LSTM-CNNs-CRF
Stars: ✭ 87 (-83.71%)
Mutual labels:  cnn, lstm
Eeg Dl
A Deep Learning library for EEG Tasks (Signals) Classification, based on TensorFlow.
Stars: ✭ 165 (-69.1%)
Mutual labels:  cnn, lstm
Tensorflow template application
TensorFlow template application for deep learning
Stars: ✭ 1,851 (+246.63%)
Mutual labels:  cnn, lstm
Lidc nodule detection
lidc nodule detection with CNN and LSTM network
Stars: ✭ 187 (-64.98%)
Mutual labels:  cnn, lstm
Text Classification Demos
Neural models for Text Classification in Tensorflow, such as cnn, dpcnn, fasttext, bert ...
Stars: ✭ 144 (-73.03%)
Mutual labels:  cnn, text-classification
Sign Language Gesture Recognition
Sign Language Gesture Recognition From Video Sequences Using RNN And CNN
Stars: ✭ 214 (-59.93%)
Mutual labels:  cnn, lstm
Cnn Text Classification Keras
Text Classification by Convolutional Neural Network in Keras
Stars: ✭ 213 (-60.11%)
Mutual labels:  cnn, text-classification
Hierarchical Attention Networks Pytorch
Hierarchical Attention Networks for document classification
Stars: ✭ 239 (-55.24%)
Mutual labels:  cnn, text-classification
Char Cnn Text Classification Tensorflow
Character-level Convolutional Networks for Text Classification论文仿真实现
Stars: ✭ 72 (-86.52%)
Mutual labels:  cnn, text-classification
crnn.caffe
crnn.caffe
Stars: ✭ 76 (-85.77%)
Mutual labels:  lstm, crnn
Quantum Benchmarks
benchmarking quantum circuit emulators for your daily research usage
Stars: ✭ 70 (-86.89%)
Mutual labels:  quantum, benchmark
Reuters-21578-Classification
Text classification with Reuters-21578 datasets using Gensim Word2Vec and Keras LSTM
Stars: ✭ 44 (-91.76%)
Mutual labels:  text-classification, lstm
Automatic speech recognition
End-to-end Automatic Speech Recognition for Madarian and English in Tensorflow
Stars: ✭ 2,751 (+415.17%)
Mutual labels:  cnn, lstm
Filipino-Text-Benchmarks
Open-source benchmark datasets and pretrained transformer models in the Filipino language.
Stars: ✭ 22 (-95.88%)
Mutual labels:  benchmark, text-classification
Chinese Text Classification
Chinese-Text-Classification,Tensorflow CNN(卷积神经网络)实现的中文文本分类。QQ群:522785813,微信群二维码:http://www.tensorflownews.com/
Stars: ✭ 284 (-46.82%)
Mutual labels:  cnn, text-classification
Lightnet
Efficient, transparent deep learning in hundreds of lines of code.
Stars: ✭ 243 (-54.49%)
Mutual labels:  cnn, lstm
Unet Zoo
A collection of UNet and hybrid architectures in PyTorch for 2D and 3D Biomedical Image segmentation
Stars: ✭ 302 (-43.45%)
Mutual labels:  cnn, lstm
Crnn attention ocr chinese
CRNN with attention to do OCR,add Chinese recognition
Stars: ✭ 315 (-41.01%)
Mutual labels:  lstm, crnn
Basicocr
BasicOCR是一个致力于解决自然场景文字识别算法研究的项目。该项目由长城数字大数据应用技术研究院佟派AI团队发起和维护。
Stars: ✭ 336 (-37.08%)
Mutual labels:  cnn, lstm
Personality Detection
Implementation of a hierarchical CNN based model to detect Big Five personality traits
Stars: ✭ 338 (-36.7%)
Mutual labels:  cnn, lstm
Text Cnn
嵌入Word2vec词向量的CNN中文文本分类
Stars: ✭ 298 (-44.19%)
Mutual labels:  cnn, text-classification
Text Classification Cnn Rnn
CNN-RNN中文文本分类,基于TensorFlow
Stars: ✭ 3,613 (+576.59%)
Mutual labels:  cnn, text-classification
Cnn lstm ctc tensorflow
CNN+LSTM+CTC based OCR implemented using tensorflow.
Stars: ✭ 343 (-35.77%)
Mutual labels:  cnn, lstm
Zhihu Text Classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
Stars: ✭ 392 (-26.59%)
Mutual labels:  lstm, text-classification
Deepzip
NN based lossless compression
Stars: ✭ 69 (-87.08%)
Mutual labels:  cnn, lstm
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 (-54.49%)
Mutual labels:  cnn, lstm
1-60 of 1551 similar projects