All Projects → TextCategorization → Similar Projects or Alternatives

323 Open source projects that are alternatives of or similar to TextCategorization

text gcn tutorial
A tutorial & minimal example (8min on CPU) for Graph Convolutional Networks for Text Classification. AAAI 2019
Stars: ✭ 23 (-23.33%)
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 (-56.67%)
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 (+40%)
text analysis tools
中文文本分析工具包(包括- 文本分类 - 文本聚类 - 文本相似性 - 关键词抽取 - 关键短语抽取 - 情感分析 - 文本纠错 - 文本摘要 - 主题关键词-同义词、近义词-事件三元组抽取)
Stars: ✭ 410 (+1266.67%)
Mutual labels:  text-classification
SimP-GCN
Implementation of the WSDM 2021 paper "Node Similarity Preserving Graph Convolutional Networks"
Stars: ✭ 43 (+43.33%)
backprop
Backprop makes it simple to use, finetune, and deploy state-of-the-art ML models.
Stars: ✭ 229 (+663.33%)
Mutual labels:  text-classification
PaiConvMesh
Official repository for the paper "Learning Local Neighboring Structure for Robust 3D Shape Representation"
Stars: ✭ 19 (-36.67%)
SelfGNN
A PyTorch implementation of "SelfGNN: Self-supervised Graph Neural Networks without explicit negative sampling" paper, which appeared in The International Workshop on Self-Supervised Learning for the Web (SSL'21) @ the Web Conference 2021 (WWW'21).
Stars: ✭ 24 (-20%)
Ask2Transformers
A Framework for Textual Entailment based Zero Shot text classification
Stars: ✭ 102 (+240%)
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 (-20%)
Mutual labels:  text-classification
Sentiment-analysis-amazon-Products-Reviews
NLP with NLTK for Sentiment analysis amazon Products Reviews
Stars: ✭ 37 (+23.33%)
Mutual labels:  text-classification
transfer-learning-text-tf
Tensorflow implementation of Semi-supervised Sequence Learning (https://arxiv.org/abs/1511.01432)
Stars: ✭ 82 (+173.33%)
Mutual labels:  text-classification
text-classification-baseline
Pipeline for fast building text classification TF-IDF + LogReg baselines.
Stars: ✭ 55 (+83.33%)
Mutual labels:  text-classification
DCGCN
Densely Connected Graph Convolutional Networks for Graph-to-Sequence Learning (authors' MXNet implementation for the TACL19 paper)
Stars: ✭ 73 (+143.33%)
sarcasm-detection-for-sentiment-analysis
Sarcasm Detection for Sentiment Analysis
Stars: ✭ 21 (-30%)
Mutual labels:  text-classification
awesome-efficient-gnn
Code and resources on scalable and efficient Graph Neural Networks
Stars: ✭ 498 (+1560%)
watson-document-classifier
Augment IBM Watson Natural Language Understanding APIs with a configurable mechanism for text classification, uses Watson Studio.
Stars: ✭ 41 (+36.67%)
Mutual labels:  text-classification
L2-GCN
[CVPR 2020] L2-GCN: Layer-Wise and Learned Efficient Training of Graph Convolutional Networks
Stars: ✭ 26 (-13.33%)
nlp classification workshop
NLP Classification Workshop
Stars: ✭ 22 (-26.67%)
Mutual labels:  text-classification
Vaaku2Vec
Language Modeling and Text Classification in Malayalam Language using ULMFiT
Stars: ✭ 68 (+126.67%)
Mutual labels:  text-classification
Spatio-Temporal-papers
This project is a collection of recent research in areas such as new infrastructure and urban computing, including white papers, academic papers, AI lab and dataset etc.
Stars: ✭ 180 (+500%)
AliNet
Knowledge Graph Alignment Network with Gated Multi-hop Neighborhood Aggregation, AAAI 2020
Stars: ✭ 89 (+196.67%)
RE2RNN
Source code for the EMNLP 2020 paper "Cold-Start and Interpretability: Turning Regular Expressions intoTrainable Recurrent Neural Networks"
Stars: ✭ 96 (+220%)
Mutual labels:  text-classification
protonet-bert-text-classification
finetune bert for small dataset text classification in a few-shot learning manner using ProtoNet
Stars: ✭ 28 (-6.67%)
Mutual labels:  text-classification
Text Classification
Machine Learning and NLP: Text Classification using python, scikit-learn and NLTK
Stars: ✭ 239 (+696.67%)
Mutual labels:  text-classification
keras-aquarium
a small collection of models implemented in keras, including matrix factorization(recommendation system), topic modeling, text classification, etc. Runs on tensorflow.
Stars: ✭ 14 (-53.33%)
Mutual labels:  text-classification
GNN-Recommender-Systems
An index of recommendation algorithms that are based on Graph Neural Networks.
Stars: ✭ 505 (+1583.33%)
ulm-basenet
Implementation of ULMFit algorithm for text classification via transfer learning
Stars: ✭ 94 (+213.33%)
Mutual labels:  text-classification
Kevinpro-NLP-demo
All NLP you Need Here. 个人实现了一些好玩的NLP demo,目前包含13个NLP应用的pytorch实现
Stars: ✭ 117 (+290%)
Mutual labels:  text-classification
TextClassification
基于scikit-learn实现对新浪新闻的文本分类,数据集为100w篇文档,总计10类,测试集与训练集1:1划分。分类算法采用SVM和Bayes,其中Bayes作为baseline。
Stars: ✭ 86 (+186.67%)
Mutual labels:  text-classification
text-classification-transformers
Easy text classification for everyone : Bert based models via Huggingface transformers (KR / EN)
Stars: ✭ 32 (+6.67%)
Mutual labels:  text-classification
cnn-text-classification
Text classification with Convolution Neural Networks on Yelp, IMDB & sentence polarity dataset v1.0
Stars: ✭ 108 (+260%)
Mutual labels:  text-classification
20-newsgroups text-classification
"20 newsgroups" dataset - Text Classification using Multinomial Naive Bayes in Python.
Stars: ✭ 41 (+36.67%)
Mutual labels:  text-classification
Cnn Text Classification Tf Chinese
CNN for Chinese Text Classification in Tensorflow
Stars: ✭ 237 (+690%)
Mutual labels:  text-classification
ERNIE-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained ERNIE model for text classification.
Stars: ✭ 49 (+63.33%)
Mutual labels:  text-classification
Graph-Based-TC
Graph-based framework for text classification
Stars: ✭ 24 (-20%)
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 (+50%)
Mutual labels:  text-classification
graphml-tutorials
Tutorials for Machine Learning on Graphs
Stars: ✭ 125 (+316.67%)
DSTGCN
codes of Deep Spatio-Temporal Graph Convolutional Network for Traffic Accident Prediction
Stars: ✭ 37 (+23.33%)
X-Transformer
X-Transformer: Taming Pretrained Transformers for eXtreme Multi-label Text Classification
Stars: ✭ 127 (+323.33%)
Mutual labels:  text-classification
Text-Classification-PyTorch
Implementation of papers for text classification task on SST-1/SST-2
Stars: ✭ 57 (+90%)
Mutual labels:  text-classification
awesome-text-classification
Text classification meets word embeddings.
Stars: ✭ 27 (-10%)
Mutual labels:  text-classification
Subject-and-Sentiment-Analysis
汽车行业用户观点主题及情感识别
Stars: ✭ 24 (-20%)
Mutual labels:  text-classification
rnn-text-classification-tf
Tensorflow implementation of Attention-based Bidirectional RNN text classification.
Stars: ✭ 26 (-13.33%)
Mutual labels:  text-classification
deepnlp
小时候练手的nlp项目
Stars: ✭ 11 (-63.33%)
Mutual labels:  text-classification
Indonesian-Twitter-Emotion-Dataset
Indonesian twitter dataset for emotion classification task
Stars: ✭ 49 (+63.33%)
Mutual labels:  text-classification
character-level-cnn
Keras implementation of Character-level CNN for Text Classification
Stars: ✭ 56 (+86.67%)
Mutual labels:  text-classification
clustext
Easy, fast clustering of texts
Stars: ✭ 18 (-40%)
Mutual labels:  text-classification
WeSHClass
[AAAI 2019] Weakly-Supervised Hierarchical Text Classification
Stars: ✭ 83 (+176.67%)
Mutual labels:  text-classification
Ai law
all kinds of baseline models for long text classificaiton( text categorization)
Stars: ✭ 243 (+710%)
Mutual labels:  text-classification
Very-deep-cnn-tensorflow
Very deep CNN for text classification
Stars: ✭ 18 (-40%)
Mutual labels:  text-classification
Hierarchical Attention Networks Pytorch
Hierarchical Attention Networks for document classification
Stars: ✭ 239 (+696.67%)
Mutual labels:  text-classification
chainer-graph-cnn
Chainer implementation of 'Convolutional Neural Networks on Graphs with Fast Localized Spectral Filtering' (https://arxiv.org/abs/1606.09375)
Stars: ✭ 67 (+123.33%)
Chinese text cnn
TextCNN Pytorch实现 中文文本分类 情感分析
Stars: ✭ 235 (+683.33%)
Mutual labels:  text-classification
BERT-chinese-text-classification-pytorch
This repo contains a PyTorch implementation of a pretrained BERT model for text classification.
Stars: ✭ 92 (+206.67%)
Mutual labels:  text-classification
resolutions-2019
A list of data mining and machine learning papers that I implemented in 2019.
Stars: ✭ 19 (-36.67%)
text-classification-cn
中文文本分类实践,基于搜狗新闻语料库,采用传统机器学习方法以及预训练模型等方法
Stars: ✭ 81 (+170%)
Mutual labels:  text-classification
comparable-text-miner
Comparable documents miner: Arabic-English morphological analysis, text processing, n-gram features extraction, POS tagging, dictionary translation, documents alignment, corpus information, text classification, tf-idf computation, text similarity computation, html documents cleaning
Stars: ✭ 31 (+3.33%)
Mutual labels:  text-classification
seededlda
Semisupervided LDA for theory-driven text analysis
Stars: ✭ 46 (+53.33%)
Mutual labels:  text-classification
1-60 of 323 similar projects