textclassification
There are 79 repositories under textclassification topic.
SALT-NLP/MixText
MixText: Linguistically-Informed Interpolation of Hidden Space for Semi-Supervised Text Classification
Ricardokevins/Kevinpro-NLP-demo
All NLP you Need Here. 目前包含15个NLP demo的pytorch实现(大量代码借鉴于其他开源项目,原先是自己玩的,后来干脆也开源出来)
prakhar21/TextAugmentation-GPT2
Fine-tuned pre-trained GPT2 for custom topic specific text generation. Such system can be used for Text Augmentation.
macanv/MQNLP
自然语言处理相关实验实现 some experiment of natural language processing, Like text classification, named entity recognition, pos-tags, segment, key words extractor, auto summarize etc.
hyunjoonbok/Python-Projects
Portfolio in Python
rongshunlin/ModifyAI
ModifyAI 公众号项目
san089/Big_Data_Project
Fake News Detection - Feature Extraction using Vectorization such as Count Vectorizer, TFIDF Vectorizer, Hash Vectorizer,. Then used an Ensemble model to classify whether the news is fake or not.
irisliucy/Short-text-Classification
Short Text Classification with Deep Neural Networks: An Experimental Analysis
wslc1314/TextSentimentClassification
TextSentimentClassification, using tensorflow.
duncangrubbs/lyrics-to-artist
Finding a Artists Style
pemagrg1/Magic-Of-TFIDF
TFIDF being the most basic and simple topic in NLP, there's alot that can be done using TFIDF only! So, in this repo, I'll be adding the blog, TFIDF basics, wonders done using tfidf etc.
kkverma/Twitter-Sentiment-Analysis
A basic machine learning model built in python jupyter notebook to classify whether a set of tweets into two categories: racist/sexist non-racist/sexist.
mabdh/go-fasttext
🗚🐀 serving fastText model with golang
andreacanepa/NaiveBayes-Text-Classification
Naive Bayes algorithm for multi-category text classification.
daniellibin/health_quesstion_classify
Kesci公众健康问句分类 决赛第8名解决方案
AlanShaw-GitHub/toyRNNText
This is a toy implementation of RNNText on zhihu tag classification dataset.
liang8qi/ChineseTextClassification
Several methods to solve text classification problems
lspope/capstone
Sentiment on K-12 Learning during COVID-19
AranFononi/Twitter-Sentiment-Analysis-Enhanced-CoreML-Model
High-accuracy Core ML model for sentiment analysis trained on a large-scale dataset. Built with Create ML to classify sentiment for tweets and general text inputs, bypassing Twitter API dependencies.
CH-YYK/cnn-lstm-text-classification
Apply CNN-LSTM model on multi-class text classification task.
CharaZhu/Twitter-Sentiment-Analysis
Twitter sentiment analysis for 2019 Canadian Elections using Natural Language Processing.
esikmalazman/Newly-iOS
Text Classifier App for iOS, powered by Apple Vision & CreateML framework
fast-llm/FastTextClassification
FastTextClassification is all you need for text classification! Fast text classification for everyone, enjoy your NLP journey! 这可能是目前为止最全面的开源文本分类项目,支持中英双语、多种模型、多种任务。
janmejaybhoi/Sequential-Sentence-Classification-in-Medical-Abstracts
Implemented a Research paper "PubMed 200k RCT: a Dataset for Sequential Sentence Classification in Medical Abstracts. Use Hybrid Embedding (char + token + positional).
MohammadMoradpoor/TextAIHub
📚🧠🌐 Welcome to TextAIHub repository! Explore the fascinating realm of NLP, text generation, sentiment analysis, and beyond. Join us in propelling language understanding to new frontiers through state-of-the-art AI models and advanced techniques. Together, let's ignite a revolution in text processing! 🚀💬🌍
AUX-441/Language-Detector-Model
Language Detector Loads and cleans text data, trains a language classification model using TF-IDF and Logistic Regression, evaluates it, and enables interactive language prediction with saved model reuse.
cybergeekgyan/E-mail-Spam-Detection
Comparing four different Deep Learning and machine Learning Algorithms to build a Spam Detector to identify unsolicited and unwanted emails. Exploring the process of classifying emails as spam or not spam by converting text data(emails) into vectors and Evaluate their performance
kaiyoo/NLP-Tweet-classification
Classify whether a tweet constitutes a rumour event
MonzerDev/Fake-News-Detection
A robust fake news detection system leveraging machine learning models (SVM and Random Forest) to identify political misinformation. Includes preprocessing, training, and evaluation scripts with datasets available for download.
omurkoc/enhanced-sentiment-analysis
A unique sentiment analysis model on IMDB reviews with custom negation handling. Instead of generic preprocessing, it smartly tags words after negators like "not" (e.g., "not good" → "not_good"), preserving sentiment context. Comparison of models with and without this logic shows improved accuracy and real-world reliability.
Rashiin/consumer-sentiment-analysis
Sentiment Analysis for Consumer Behavior Prediction
steveee27/Two-Stage-BERT-for-Sports-News-Classification-Using-LLM
This project scrapes sports news articles, classifies them using a Two-Stage BERT model with Large Language Models (LLM). The first stage distinguishes between football and non-football news, while the second classifies football articles into specific leagues like Liga Inggris, Liga Indonesia, etc.
YomnaEskander/NAS-A-News-Analysis-Chatbot-
We developed a system to streamline the news consumption process, providing a seamless and smooth user experience. Using a chatbot interface, the system delivers analyzed and summarized daily news from trusted sources.