textcnn
There are 77 repositories under textcnn topic.
brightmart/text_classification
all kinds of text classification models and more with deep learning
yongzhuo/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
chenyuntc/PyTorchText
1st Place Solution for Zhihu Machine Learning Challenge . Implementation of various text-classification models.(知乎看山杯第一名解决方案)
brightmart/bert_language_understanding
Pre-training of Deep Bidirectional Transformers for Language Understanding: pre-train TextCNN
ShawnyXiao/TextClassification-Keras
Text classification models implemented in Keras, including: FastText, TextCNN, TextRNN, TextBiRNN, TextAttBiRNN, HAN, RCNN, RCNNVariant, etc.
hellonlp/classifier-multi-label
多标签文本分类,多标签分类,文本分类, multi-label, classifier, text classification, BERT, seq2seq,attention, multi-label-classification
brightmart/sentiment_analysis_fine_grain
Multi-label Classification with BERT; Fine Grained Sentiment Analysis from AI challenger
jasoncao11/nlp-notebook
NLP 领域常见任务的实现,包括新词发现、以及基于pytorch的词向量、中文文本分类、实体识别、摘要文本生成、句子相似度判断、三元组抽取、预训练模型等。
hellonlp/sentiment-analysis
情感分析、文本分类、词典、bayes、sentiment analysis、TextCNN、classification、tensorflow、BERT、CNN、text classification
yongyehuang/zhihu-text-classification
[2017知乎看山杯 多标签 文本分类] ye组(第六名) 解题方案
kyzhouhzau/NLPGNN
1. Use BERT, ALBERT and GPT2 as tensorflow2.0's layer. 2. Implement GCN, GAN, GIN and GraphSAGE based on message passing.
brightmart/ai_law
all kinds of baseline models for long text classificaiton( text categorization)
luopeixiang/textclf
TextClf :基于Pytorch/Sklearn的文本分类框架,包括逻辑回归、SVM、TextCNN、TextRNN、TextRCNN、DRNN、DPCNN、Bert等多种模型,通过简单配置即可完成数据处理、模型训练、测试等过程。
catqaq/OpenTextClassification
OpenTextClassification is all you need for text classification! Open text classification for everyone, enjoy your NLP journey! 这可能是目前为止最全面的开源文本分类项目,支持中英双语、多种模型、多种任务。
stanleylsx/text_classifier_tf2
Tensorflow2.3的文本分类项目,支持各种分类模型,支持相关tricks。
Renovamen/Text-Classification
PyTorch implementation of some text classification models (HAN, fastText, BiLSTM-Attention, TextCNN, Transformer) | 文本分类
BeiCunNan/Sentiment_Analysis_Imdb
Using Bert/Roberta + LSTM/GRU/BiLSTM/TextCNN to do the sentiment analysis on the imdb datasets.
Doragd/Text-Classification-PyTorch
Implementation of papers for text classification task on SST-1/SST-2
macanv/MQNLP
自然语言处理相关实验实现 some experiment of natural language processing, Like text classification, named entity recognition, pos-tags, segment, key words extractor, auto summarize etc.
xiaogp/sentiment_analysis
LSTM,TextCNN,fastText情感分析,模型用 tf_serving 和 flask 部署成web应用
JustinJiang1994/Text_Classification
基于tensorflow2.0中的keras进行中文的文本分类,实验数据为中文新闻分类文本cnews数据集。
hbahadirsahin/nlp-experiments-in-pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
shawroad/Text-Classification-Pytorch
Summary and comparison of Chinese classification models
DataXujing/NLP-paper
:art: :art:NLP 自然语言处理教程 :art::art: https://dataxujing.github.io/NLP-paper/
rongshunlin/ModifyAI
ModifyAI 公众号项目
jackaduma/AI-WAF
AI driven Web Application Firewall
SeanLee97/nnclf
神经网络分类器,PyTorch实现
2019worldcreater/News_Classification
新闻文本分类,TextCNN模型,pytorch实现. gitee:https://gitee.com/worldcreator/News_Classification
taishan1994/tensorflow-text-classification
基于tensorflow的中文文本分类(复旦中文语料)
jiangnanboy/knowledge-automatic-tagging
题目知识点预测标注。Question knowledge point prediction.
Ailln/text-classification
🦑 中文文本分类(支持 API 部署)
Yikai-Wang/Attention-Based-Siamese-Text-CNN-for-Stance-Detection
Final project for NLP(DATA130006) in Fudan university.
Peter-Chou/ai_challenger_2018_sentiment_analysis
Fine-grained Sentiment Analysis of User Reviews --- AI CHALLENGER 2018
yinchuandong/sentiment-analysis
An end-to-end sentiment analysis library, including TextCNN, BERT, Docker, React.js, etc.
wslc1314/TextSentimentClassification
TextSentimentClassification, using tensorflow.