All Projects → Python-for-Text-Classification → Similar Projects or Alternatives

286 Open source projects that are alternatives of or similar to Python-for-Text-Classification

nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 224 (+600%)
Mutual labels:  text-classification
Ask2Transformers
A Framework for Textual Entailment based Zero Shot text classification
Stars: ✭ 102 (+218.75%)
Mutual labels:  text-classification
ml-with-text
[Tutorial] Demystifying Natural Language Processing with Python
Stars: ✭ 18 (-43.75%)
Mutual labels:  text-classification
Nepali-News-Classifier
Text Classification of Nepali Language Document. This Mini Project was done for the partial fulfillment of NLP Course : COMP 473.
Stars: ✭ 13 (-59.37%)
Mutual labels:  text-classification
Naive-Resume-Matching
Text Similarity Applied to resume, to compare Resumes with Job Descriptions and create a score to rank them. Similar to an ATS.
Stars: ✭ 27 (-15.62%)
Mutual labels:  text-classification
RE2RNN
Source code for the EMNLP 2020 paper "Cold-Start and Interpretability: Turning Regular Expressions intoTrainable Recurrent Neural Networks"
Stars: ✭ 96 (+200%)
Mutual labels:  text-classification
Deep-NLP-Resources
Curated list of all NLP Resources
Stars: ✭ 65 (+103.13%)
Mutual labels:  text-classification
20-newsgroups text-classification
"20 newsgroups" dataset - Text Classification using Multinomial Naive Bayes in Python.
Stars: ✭ 41 (+28.13%)
Mutual labels:  text-classification
10kGNAD
Ten Thousand German News Articles Dataset for Topic Classification
Stars: ✭ 63 (+96.88%)
Mutual labels:  text-classification
NLP Quickbook
NLP in Python with Deep Learning
Stars: ✭ 516 (+1512.5%)
Mutual labels:  text-classification
kaggle redefining cancer treatment
Personalized Medicine: Redefining Cancer Treatment with deep learning
Stars: ✭ 21 (-34.37%)
Mutual labels:  text-classification
transfer-learning-text-tf
Tensorflow implementation of Semi-supervised Sequence Learning (https://arxiv.org/abs/1511.01432)
Stars: ✭ 82 (+156.25%)
Mutual labels:  text-classification
NewsMTSC
Target-dependent sentiment classification in news articles reporting on political events. Includes a high-quality data set of over 11k sentences and a state-of-the-art classification model.
Stars: ✭ 54 (+68.75%)
Mutual labels:  text-classification
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+168.75%)
Mutual labels:  text-classification
deep-learning
Deep Learning Bootcamp
Stars: ✭ 60 (+87.5%)
Mutual labels:  text-classification
text gcn tutorial
A tutorial & minimal example (8min on CPU) for Graph Convolutional Networks for Text Classification. AAAI 2019
Stars: ✭ 23 (-28.12%)
Mutual labels:  text-classification
automatic-personality-prediction
[AAAI 2020] Modeling Personality with Attentive Networks and Contextual Embeddings
Stars: ✭ 43 (+34.38%)
Mutual labels:  text-classification
Text-Classification-LSTMs-PyTorch
The aim of this repository is to show a baseline model for text classification by implementing a LSTM-based model coded in PyTorch. In order to provide a better understanding of the model, it will be used a Tweets dataset provided by Kaggle.
Stars: ✭ 45 (+40.63%)
Mutual labels:  text-classification
clfzoo
A deep text classifiers library.
Stars: ✭ 37 (+15.63%)
Mutual labels:  text-classification
bns-short-text-similarity
📖 Use Bi-normal Separation to find document vectors which is used to compute similarity for shorter sentences.
Stars: ✭ 24 (-25%)
Mutual labels:  text-classification
classification
Vietnamese Text Classification
Stars: ✭ 39 (+21.88%)
Mutual labels:  text-classification
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (+112.5%)
Mutual labels:  text-classification
QGNN
Quaternion Graph Neural Networks (ACML 2021) (Pytorch and Tensorflow)
Stars: ✭ 31 (-3.12%)
Mutual labels:  text-classification
Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
Stars: ✭ 37 (+15.63%)
Mutual labels:  text-classification
Reuters-21578-Classification
Text classification with Reuters-21578 datasets using Gensim Word2Vec and Keras LSTM
Stars: ✭ 44 (+37.5%)
Mutual labels:  text-classification
clustext
Easy, fast clustering of texts
Stars: ✭ 18 (-43.75%)
Mutual labels:  text-classification
alter-nlu
Natural language understanding library for chatbots with intent recognition and entity extraction.
Stars: ✭ 45 (+40.63%)
Mutual labels:  text-classification
Ai law
all kinds of baseline models for long text classificaiton( text categorization)
Stars: ✭ 243 (+659.38%)
Mutual labels:  text-classification
HiGitClass
HiGitClass: Keyword-Driven Hierarchical Classification of GitHub Repositories (ICDM'19)
Stars: ✭ 58 (+81.25%)
Mutual labels:  text-classification
Hierarchical Attention Networks Pytorch
Hierarchical Attention Networks for document classification
Stars: ✭ 239 (+646.88%)
Mutual labels:  text-classification
classifier multi label seq2seq attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
Stars: ✭ 26 (-18.75%)
Mutual labels:  text-classification
Chinese text cnn
TextCNN Pytorch实现 中文文本分类 情感分析
Stars: ✭ 235 (+634.38%)
Mutual labels:  text-classification
NLP Toolkit
Library of state-of-the-art models (PyTorch) for NLP tasks
Stars: ✭ 92 (+187.5%)
Mutual labels:  text-classification
Pytorch Transformers Classification
Based on the Pytorch-Transformers library by HuggingFace. To be used as a starting point for employing Transformer models in text classification tasks. Contains code to easily train BERT, XLNet, RoBERTa, and XLM models for text classification.
Stars: ✭ 229 (+615.63%)
Mutual labels:  text-classification
TextFeatureSelection
Python library for feature selection for text features. It has filter method, genetic algorithm and TextFeatureSelectionEnsemble for improving text classification models. Helps improve your machine learning models
Stars: ✭ 42 (+31.25%)
Mutual labels:  text-classification
Paddlenlp
NLP Core Library and Model Zoo based on PaddlePaddle 2.0
Stars: ✭ 212 (+562.5%)
Mutual labels:  text-classification
WSDM-Cup-2019
[ACM-WSDM] 3rd place solution at WSDM Cup 2019, Fake News Classification on Kaggle.
Stars: ✭ 62 (+93.75%)
Mutual labels:  text-classification
Interpret Text
A library that incorporates state-of-the-art explainers for text-based machine learning models and visualizes the result with a built-in dashboard.
Stars: ✭ 220 (+587.5%)
Mutual labels:  text-classification
awesome-text-classification
Text classification meets word embeddings.
Stars: ✭ 27 (-15.62%)
Mutual labels:  text-classification
Band
BAND:BERT Application aNd Deployment,Simple and efficient BERT model training and deployment, 简单高效的 BERT 模型训练和部署
Stars: ✭ 216 (+575%)
Mutual labels:  text-classification
feedIO
A Feed Aggregator that Knows What You Want to Read.
Stars: ✭ 26 (-18.75%)
Mutual labels:  text-classification
Chinese ulmfit
中文ULMFiT 情感分析 文本分类
Stars: ✭ 208 (+550%)
Mutual labels:  text-classification
cnn-text-classification
Text classification with Convolution Neural Networks on Yelp, IMDB & sentence polarity dataset v1.0
Stars: ✭ 108 (+237.5%)
Mutual labels:  text-classification
Nlp classification
Implementing nlp papers relevant to classification with PyTorch, gluonnlp
Stars: ✭ 202 (+531.25%)
Mutual labels:  text-classification
textgo
Text preprocessing, representation, similarity calculation, text search and classification. Let's go and play with text!
Stars: ✭ 33 (+3.13%)
Mutual labels:  text-classification
Fake news detection
Fake News Detection in Python
Stars: ✭ 194 (+506.25%)
Mutual labels:  text-classification
WeSHClass
[AAAI 2019] Weakly-Supervised Hierarchical Text Classification
Stars: ✭ 83 (+159.38%)
Mutual labels:  text-classification
Marktool
这是一款基于web的通用文本标注工具,支持大规模实体标注、关系标注、事件标注、文本分类、基于字典匹配和正则匹配的自动标注以及用于实现归一化的标准名标注,同时也支持文本的迭代标注和实体的嵌套标注。标注规范可自定义且同类型任务中可“一次创建多次复用”。通过分级实体集合扩大了实体类型的规模,并设计了全新高效的标注方式,提升了用户体验和标注效率。此外,本工具增加了审核环节,可对多人的标注结果进行一致性检验和调整,提高了标注语料的准确率和可靠性。
Stars: ✭ 190 (+493.75%)
Mutual labels:  text-classification
nlp-lt
Natural Language Processing for Lithuanian language
Stars: ✭ 17 (-46.87%)
Mutual labels:  text-classification
Simpletransformers
Transformers for Classification, NER, QA, Language Modelling, Language Generation, T5, Multi-Modal, and Conversational AI
Stars: ✭ 2,881 (+8903.13%)
Mutual labels:  text-classification
Kevinpro-NLP-demo
All NLP you Need Here. 个人实现了一些好玩的NLP demo,目前包含13个NLP应用的pytorch实现
Stars: ✭ 117 (+265.63%)
Mutual labels:  text-classification
A Pytorch Tutorial To Text Classification
Hierarchical Attention Networks | a PyTorch Tutorial to Text Classification
Stars: ✭ 184 (+475%)
Mutual labels:  text-classification
small-text
Active Learning for Text Classification in Python
Stars: ✭ 241 (+653.13%)
Mutual labels:  text-classification
deepnlp
小时候练手的nlp项目
Stars: ✭ 11 (-65.62%)
Mutual labels:  text-classification
NSP-BERT
The code for our paper "NSP-BERT: A Prompt-based Zero-Shot Learner Through an Original Pre-training Task —— Next Sentence Prediction"
Stars: ✭ 166 (+418.75%)
Mutual labels:  text-classification
TorchBlocks
A PyTorch-based toolkit for natural language processing
Stars: ✭ 85 (+165.63%)
Mutual labels:  text-classification
extremeText
Library for fast text representation and extreme classification.
Stars: ✭ 141 (+340.63%)
Mutual labels:  text-classification
HiGRUs
Implementation of the paper "Hierarchical GRU for Utterance-level Emotion Recognition" in NAACL-2019.
Stars: ✭ 60 (+87.5%)
Mutual labels:  text-classification
3HAN
An original implementation of "3HAN: A Deep Neural Network for Fake News Detection" (ICONIP 2017)
Stars: ✭ 29 (-9.37%)
Mutual labels:  text-classification
text-classification-transformers
Easy text classification for everyone : Bert based models via Huggingface transformers (KR / EN)
Stars: ✭ 32 (+0%)
Mutual labels:  text-classification
61-120 of 286 similar projects