text-classifier
There are 48 repositories under text-classifier topic.
greyblake/whatlang-rs
Natural language detection library for Rust. Try demo online: https://whatlang.org/
hellonlp/classifier-multi-label
多标签文本分类,多标签分类,文本分类, multi-label, classifier, text classification, BERT, seq2seq,attention, multi-label-classification
shibing624/pytextclassifier
pytextclassifier is a toolkit for text classification. 文本分类,LR,Xgboost,TextCNN,FastText,TextRNN,BERT等分类模型实现,开箱即用。
apcode/tensorflow_fasttext
Simple embedding based text classifier inspired by fastText, implemented in tensorflow
sgrvinod/a-PyTorch-Tutorial-to-Text-Classification
Hierarchical Attention Networks | a PyTorch Tutorial to Text Classification
umitkaanusta/TIA
Your Advanced Twitter stalking tool
hellonlp/classifier_multi_label
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
andreekeberg/ml-classify-text-js
Machine learning based text classification in JavaScript using n-grams and cosine similarity
karisigurd4/DocumentLab
OCR using tesseract, ImageMagick, EmguCV, an advanced query language and a fluent query interface for C#
MuhammedBuyukkinaci/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.
rudikershaw/whichx
A small, no dependencies, Naive Bayes Text Classifier for JavaScript
hbahadirsahin/nlp-experiments-in-pytorch
PyTorch repository for text categorization and NER experiments in Turkish and English.
hellonlp/classifier_multi_label_seq2seq_attention
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification,seq2seq,attention,beam search
hellonlp/classifier_multi_label_denses
multi-label,classifier,text classification,多标签文本分类,文本分类,BERT,ALBERT,multi-label-classification
kylecorry31/ML4K-AI-Extension
Use machine learning in AppInventor, with easy training using text, images, or numbers through the Machine Learning for Kids website.
GoogleCloudPlatform/MiniCat
Custom Text Classifier
krayush07/deep-attention-text-classifier-tf
Deep-Attention Text Classifier in Tensorflow
MahtaFetrat/Persian-Informal-Text-Detector
Python package for detecting informal Persian text using regular expressions and rule-based methods
sigrlami/lanhunch
Language Detection Library
thieu1995/mealpy-text-classification
Text classification with Machine Learning and Mealpy
ArnoldGaius/Text_Classifier
基于sklearn的文本分类器 Text classifier based on sklearn
haydenhigg/bengal
Easy-to-use Go implementation of the multinomial Naive Bayes classifier for multilabel text classification.
Salias/twitter-text-classifier
Text Classifier for Twitter data
souravs17031999/MicrosoftBing-search-query-prediction
Analysis and Visualizations for COVID-19 Bing search engine queries + Classifier pipeline for predicting country based on search query.
ankit0905/TextClassifier
Implementation of sentence classification in Python using NaiveBayes, KNN and SVM classifiers in Python
permafrost-dev/text-classifier
Basic text classification using algorithms such as Naive-Bayes
AjNavneet/LSTM-AppReview-Rating-Classifier
Text classifier to classify app reviews on a scale of 1 to 5 using LSTM.
Develop-Packt/Machine-Learning-and-Developing-a-Text-Classifier
Understand how supervised and unsupervised machine learning methods can be used to construct and implement a text classifier in Python.
Gaby-253/Text-Classifier-LSTM
This is a text classifier that works well for long text or article. It's a supervised learning with LSTM network, because you have to explain your topics before launching it.
jtonyortiz/TextEditor
A basic text-processor and editor implemented in C99
kazemnejad/followers-comparison-in-twitter
Text classification of posts & contents created by followers of two celebrity in Twitter (code+data+slides)
OleksandrZhabenko/phonetic-languages-simplified-lists-examples
Simplified and somewhat optimized version of the phonetic-languages-examples. Is intended to use more functionality of lists and subG package.
snacsnoc/event-classifier-entity-recognition
Custom classifier and named entity recognition models using Python for use with scheduling and events
thisiselliot/HelpingProductReviews
Predict product review helpfulness by applying machine learning methods to lexical, syntactic, structural, and contextual features.
AjNavneet/GRU-AppReview-Rating-Classifier-Flask
Classifier for app reviews on a scale of 1 to 5 using Gated Recurrent Unit (GRU).
madhurimarawat/Pattern-Recognition-and-Machine-Learning
This repository contains Pattern Recognition and Machine Learning programs in the Python programming language.