GitHub topics: tfidf-vectorizer
SrijaAdhya12/project-to-interview
Your ultimate interview preparation kit for personal project related questions
Language: Python - Size: 797 KB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 0 - Forks: 0
TobiAdeniji94/travel-mvp
Travel MVP generates personalized, feasible itineraries from a single free-text request. It uses rule/statistical NLP for intent parsing, TF-IDF/BM25 for ranking over a curated catalog, and a time-aware greedy scheduler that respects opening hours, pacing, distance, and budget. Deterministic artifacts keep results reproducible.
Language: Python - Size: 20.2 MB - Last synced at: 6 days ago - Pushed at: 6 days ago - Stars: 0 - Forks: 0
ozyverse/detecting_fake_news
TfidfVectorizer & PassiveAggressiveClassifier
Language: Jupyter Notebook - Size: 11 MB - Last synced at: 2 days ago - Pushed at: over 3 years ago - Stars: 8 - Forks: 2
venkat-0706/Twalyze
Twitter sentiment analysis project using machine learning to classify tweets and understand audience mood, opinions, and behavior trends in real-time.
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 7 days ago - Pushed at: 6 months ago - Stars: 10 - Forks: 1
Floressek/LanguageProcessingLab
Collection of Natural Language Processing laboratory exercises exploring text processing, linguistic analysis, and statistical methods.
Language: Jupyter Notebook - Size: 6.79 MB - Last synced at: 14 days ago - Pushed at: 15 days ago - Stars: 0 - Forks: 0
Surajit00007/Idiotics_Google_GENAI_Hackathon
EyeSpy is an AI-powered fake news detector. It uses a Flask backend and a machine learning model to analyze text and identify misinformation, providing a confidence score through a simple web interface.The system leverages Natural Language Processing (NLP) with a TF-IDF vectorizer and a Logistic Regression model.
Language: HTML - Size: 39.5 MB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0
Krish00711/EmotionDetect
๐ญ NLP-powered Emotion Detection App using TF-IDF + Logistic Regression | Streamlit Deployment
Language: Python - Size: 655 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
ouidhi/spending_tracker
Automatically categorize your credit card transactions using NLP and visualize your spending trends in a clean, interactive Streamlit dashboard.
Language: Jupyter Notebook - Size: 438 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
Ksschkw/MYRAGAGENT
My RAG Agent. . a fitting description.
Language: Python - Size: 142 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 2
INDDRSINGH/Movie-recommendation-system
After selecting a Movie from the list, ML model recommends 5 similar Movies.
Language: Jupyter Notebook - Size: 7.12 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
INDDRSINGH/Email-SMS-Spam-Classifier
Given a text, the ML model can predict whether it is "SPAM" or "NOT SPAM"
Language: Jupyter Notebook - Size: 1.09 MB - Last synced at: 30 days ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
adrikachowdhury/Anaya-AUW-Guide
A friendly and unique AUW guided chatbot built with Streamlit to answer FAQs and guide students.
Language: Python - Size: 112 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0
zadkiel-dev/document-classification-nlp
๐ End-to-end PyTorch NLP for news article classification into World, Sports, Business, Sci/Tech using TorchText, with data preprocessing, vocabulary, training, evaluation, and visualization.
Language: Jupyter Notebook - Size: 22.4 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0
armanjscript/RAG-Driven-Generative-AI
Generative AI has made remarkable strides in creating human-like text, images, and even code. However, traditional models like GPT rely solely on pre-trained knowledge, which can lead to outdated, inaccurate, or hallucinated responses. Retrieval-Augmented Generation (RAG) addresses these limitations. We offer various types of RAG here
Language: Python - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
pmadruga/ds-jobindex
Machine learning techniques (NLP) applied to the jobindex.dk dataset
Language: Jupyter Notebook - Size: 1.54 MB - Last synced at: 13 days ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0
sudhakar-r08/MeetMind
MeetMind RAG is a Streamlit-based application designed for Retrieval-Augmented Generation (RAG). It enables text processing, vector-based retrieval, similarity search, and audio transcription.
Language: Python - Size: 61.5 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
Losif01/text-preprocessing-to-transformers-NLP-notes
This repo is my personal notes from the Stanford NLP course, and i currently use it personally as a reference
Size: 58.6 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0
Sajid030/anime-recommendation-system
Personalized anime recommendations based on collaborative filtering. Discover your next favorite anime!
Language: Jupyter Notebook - Size: 19.7 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 29 - Forks: 10
thehimanshubansal/SMS-Spam-Classifier
A machine learning-powered text classification system designed to identify unwanted or malicious messages in SMS and email formats using Multinomial Naรฏve Bayes algorithm.
Language: Jupyter Notebook - Size: 750 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 1 - Forks: 0
MuhammadUsman-Khan/Spam-Mail-Prediction
A machine learning model that classifies emails as spam or ham (not spam) using Logistic Regression. Includes text preprocessing with TF-IDF vectorization and scikit-learn for model building and evaluation. Developed in Google Colab to demonstrate email classification using natural language processing
Language: Jupyter Notebook - Size: 13.7 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
godfrey-tankan/Plagiarism-ai-detector
Docuverify is a powerful plagiarism and AI detection platform designed to help users manage their documents effectively. The platform automates critical functions such as tracking document versions, generating reports, and providing alerts, ensuring a seamless user experience. Users can submit their documents to their supervisors for analysis, and
Language: TypeScript - Size: 7.08 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
kesavaimandi/Spam-Mail-Detection
This project is an end-to-end Email Spam Detection System that classifies email messages as Spam or Not Spam (Ham) using Machine Learning. The model is deployed via a Flask web application, allowing users to test emails through a browser interface.
Language: Jupyter Notebook - Size: 10.5 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
RahulNeuroByte/Fake-News-Classifier
This project is an end-to-end Fake News Detection System built using Natural Language Processing (NLP) and Machine Learning techniques in Python. It classifies news articles as either Fake or Real.
Language: Python - Size: 115 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0
yoon-thiri04/smart-doc-ai
SmartDoc AI is a tool that classifies documents (PDF, DOCX, TXT) into categories like tech, business, or medical, and uses AI to generate smart titles and explain predictions.
Language: Jupyter Notebook - Size: 4.46 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
priyam-hub/Inside-Medium
Inside-Medium is an AI-powered content recommendation engine designed to help readers find the most relevant and high-quality Medium articles based on their interests or selected articles.
Language: Python - Size: 10.6 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
NamanKr24/Multi-Task-Ticket-Classifier
Traditional NLP pipeline for classifying support tickets by issue type & urgency while extracting key entities (products, dates, complaints). Built with sklearn, regex, TF-IDF, and deployed via Gradio.
Language: Jupyter Notebook - Size: 249 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
ankulmaurya88/zomato-content-based-restaurant
Content-based restaurant recommendation system using Zomato data with TF-IDF and cosine similarity.
Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
Mukeshthenraj/spam-message-detector
A Python project to classify text messages as spam or not using machine learning models.
Language: Python - Size: 238 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
Saeed-dev2/news-intelligence-predictor
Predict trends, events, or sentiments using machine learning and NLP on news headlines and articles. This project extracts insights from textual data to support real-time forecasting in finance, politics, and public opinion.
Language: Python - Size: 316 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
subuhana2303/Resume_scorer_it_job_appli
AI Powered Anlayzing resume,provides Improvement feedback and suggests job roles using NLP techniques like sapCy, S-BERT and TF-IDF.Used Flask for backend and Streamlit for frontend .
Language: Python - Size: 1.74 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0
harryabraham11/Brainwave-Matrix-Solutions_Task2_SentimentAnalysisNLP
This project performs sentiment analysis on text data using Natural Language Processing (NLP) techniques. The workflow includes data cleaning, text preprocessing (tokenization, stemming, removing stopwords), feature extraction using TF-IDF, and training a logistic regression model to classify text into positive or negative sentiments.
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
kartav005/news-intelligence-predictor
Classify news genres with the News Intelligence Predictor. This FastAPI app uses NLP and ML to analyze headlines and content in real-time. ๐ฐ๐
Language: Python - Size: 293 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
YULINHEEE/NLP-text-preprocessing-and-classification
Starter code to solve real-world text data problems related to job advertisements. Includes: Word2Vec, phrase embeddings, Text Classification with Logistic Regression, simple text preprocessing, pre-trained embeddings and more.
Language: Jupyter Notebook - Size: 1.21 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0
sudharshanvasu/Business-Aided-Customer-Feedback-Assessment-System
Analyze customer feedback with our sentiment analysis system. Classify reviews as Positive, Neutral, or Negative using machine learning. ๐๏ธ๐
Language: Jupyter Notebook - Size: 554 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
deoprakash/email-sms_spam_classifier
NLP based classifier classifying the email/SMS Spam or Not
Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
KaustavModak/Business-Aided-Customer-Feedback-Assessment-System
A Streamlit-based sentiment analysis app that classifies customer reviews into Positive, Neutral, or Negative using a pre-trained ML mode
Language: Jupyter Notebook - Size: 552 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0
otuemre/EmailPhishingDetection
A real-time phishing email detection system using Machine Learning (SVM, Logistic Regression, Naive Bayes) with FastAPI backend and custom domain deployment.
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: 3 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
MuhammadUsman-Khan/Fake-News-Prediction
A machine learning model that predicts whether news is real or fake using Logistic Regression. Includes data cleaning with NLTK, TF-IDF feature extraction, and scikit-learn for modeling. Built in Google Colab to demonstrate text classification and misinformation detection.
Language: Jupyter Notebook - Size: 28.3 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
zenwor/equilibrium
๐๏ธ Article Management System
Language: Jupyter Notebook - Size: 32.9 MB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 4 - Forks: 0
SridharYadav07/AI--Powered-Task-Management-System
An intelligent Task Management System that integrates Sentiment Analysis, Task Optimization, and Forecasting to streamline project and task handling. This AI-powered tool is designed to assist teams and project managers in making data-driven decisions by understanding emotional context, forecasting productivity, and optimizing workload distribution
Language: Jupyter Notebook - Size: 62.5 KB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0
maximecharpentierdata/link-prediction
Link prediction in a citation network
Language: Python - Size: 10 MB - Last synced at: 5 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0
soumyajit4419/AI_For_Social_Good
Using natural language processing to analyze the sentiments of people and detect suicidal ideation on online social content.
Language: Jupyter Notebook - Size: 69.8 MB - Last synced at: 5 months ago - Pushed at: over 4 years ago - Stars: 40 - Forks: 15
raj1603chdry/Fake-News-Detection-System
Fake News Detection System for detecting whether news is fake or not. The model is trained using "Liar, Liar Pants on Fire": A New Benchmark Dataset for Fake News Detection. Link for dataset: https://arxiv.org/abs/1705.00648.
Language: Jupyter Notebook - Size: 31.3 MB - Last synced at: 4 months ago - Pushed at: almost 6 years ago - Stars: 12 - Forks: 13
RohanSardar/SpeechFlowGuard
A machine learning web API that detects toxic language in user comments using classical ML
Language: Jupyter Notebook - Size: 39.9 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
fatimesevilgen/email-spam-classifier
๐ฉ Email spam classiffier with Multinomial NB & TFIDF Vectorizer and using Streamlit for Modern UI.
Language: Jupyter Notebook - Size: 2.51 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Veer-Parikh/amazon-review-helpfulness
A machine learning project that predicts the helpfulness of Amazon customer reviews using NLP techniques, TF-IDF, and a Random Forest classifier.
Language: Jupyter Notebook - Size: 72.3 KB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Shiva-Prasad-Naroju/News-Article-Classification-Using-NLP
๐ Built a News Topic Classifier using NLP techniques with Logistic Regression and TF-IDF ๐ปโจ Developed and deployed an interactive, user-friendly Streamlit web app for real-time ๐ฐ news classification and ๐ text analytics
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
areebaghazal88/LLM-Generated-Text-Detection-Using-Machine-Learning
Machine learning pipeline to detect AI-generated text using logistic regression and TF-IDF features, including data preprocessing, training, and evaluation.
Language: Jupyter Notebook - Size: 414 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Jenson073/medical_chatbot
Medical assistent helper chatbot
Language: Python - Size: 464 KB - Last synced at: 28 days ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Jenson073/Movie_review_sentiment_analysis
Positive or Negative review
Language: Jupyter Notebook - Size: 82 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
Shanmukhi1920/H-M-Recommendation-System
Develop personalized product recommendations for H&M's users using transaction history, customer data, and product metadata (including text descriptions) to enhance shopping experience and sustainability.
Language: Jupyter Notebook - Size: 4.4 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
ksdkamesh99/Spam-Classifier
A Natural Language Processing with SMS Data to predict whether the SMS is Spam/Ham with various ML Algorithms like multinomial-naive-bayes,logistic regression,svm,decision trees to compare accuracy and using various data cleaning and processing techniques like PorterStemmer,CountVectorizer,TFIDF Vetorizer,WordnetLemmatizer. It is implemented using LSTM and Word Embeddings to gain accuracy of 97.84%.
Language: Jupyter Notebook - Size: 510 KB - Last synced at: 5 months ago - Pushed at: almost 5 years ago - Stars: 16 - Forks: 11
psychomita/intelliCV
IntelliCV is an AI-driven platform for efficient and intelligent resume screening.
Language: Jupyter Notebook - Size: 8.42 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 3 - Forks: 0
Aliakbar-omidi/Sentiment-Review
Language: Jupyter Notebook - Size: 28.1 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
KKeshav1101/NLP
Based on Natural Language Programming Lab coursework as a part of my degree
Language: Jupyter Notebook - Size: 259 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0
KeshavElangoDS/Mental-Health-Analysis-using-Social-Media-Data
Machine learning project to detect and classify mental health-related social media posts using NLP techniques for early intervention and awareness.
Language: Jupyter Notebook - Size: 32.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0
singhkunwardeep/Twitter_sentiment_analysis
A machine learning project to classify Twitter sentiment into positive, negative, categories using Logistic Regression and TF-IDF Vectorization. This project involves data preprocessing, feature extraction, model training, and evaluation of the sentiment of tweets. Built with Python, NLTK, and Scikit-learn.
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0
sanjurajveer/Moview_review_analysis_NLP
Analysing movie reviews using NLP and categorising int good and bad
Language: Jupyter Notebook - Size: 202 KB - Last synced at: 4 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
lightxLK/SMBDuNLP
Making a project for detecting bots and fraud in social media using Deep Learning & NLP.
Language: Jupyter Notebook - Size: 368 KB - Last synced at: 6 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
RishabhYadav1202/Fake-News-Predictions
A machine learning project to classify news as real or fake using NLP techniques. Includes text preprocessing, TF-IDF, and models like Logistic Regression, Naive Bayes, and SVM, with SHAP for model explainability.
Language: Jupyter Notebook - Size: 36.7 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
JeffrinE/Inverted-Index-Search-Engine
A Document Search Engine with TF-IDF.
Language: Python - Size: 146 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0
ayomidee-e/twitter-sentiment-analysis
An NLP sentiment analysis model that classifies tweets into positive, negative, and neutral sentiments.
Language: Python - Size: 51.8 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
Soumyapro/SMS-spam-classifier
A machine learning project that detects spam SMS messages using natural language processing techniques. The model analyzes text messages and accurately classifies them as spam or legitimate (ham).
Language: Jupyter Notebook - Size: 753 KB - Last synced at: 24 days ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
howard-haowen/NLP-demos
NLP demos and talks made with Jupyter Notebook and reveal.js
Language: Jupyter Notebook - Size: 58.1 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 1
TobiasPottier/LMR---Live-Movie-Recommendation
A full-stack project combining machine learning and web development to deliver smart movie recommendations. Built using Content-Based Filtering (CBF) with the MovieLens dataset and TMDB API, stored in MongoDB. Discover and get suggestions fast through a clean, responsive UI.
Language: JavaScript - Size: 2.1 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0
akarshankapoor7/Automated-Complaint-Triage-System-using-NLP-and-Machine-Learning
Automated Severity Classification of Forum Complaints for Resolution Teams - Emphasizes automation and the end goal for resolution teams.
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0
khyatig0206/spam_detector
Introducing the Spam Detector Web App! This application is designed to detect spam comments using a K-Nearest Neighbors (KNN) classifier with TF-IDF vectorization. The web app is built using Django and HTMX, and it allows users to register, create comments, and detect spam within those comments.
Language: Jupyter Notebook - Size: 3.53 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
supriya811106/Twitter-Sentiment-Analysis
Analyzing the mood of tweets! We sort tweets on popular topics into positive, negative, or neutral categories to gauge public opinion. See what Twitter really thinks!
Language: Jupyter Notebook - Size: 2.13 MB - Last synced at: 5 months ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0
shubhamgoyal575/Spam_Detective
This project uses machine learning to classify messages as spam or ham based on text analysis. It includes data preprocessing, feature extraction (TF-IDF), and classification models like Logistic Regression and Naive Bayes for accurate spam detection. Built with Python and Scikit-Learn. ๐
Language: Jupyter Notebook - Size: 1.69 MB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
thangtran3112/machine-learning
NLP, Neural networks, pytorch, tensorflow, AWS Sagemaker fine-tuning
Language: Jupyter Notebook - Size: 195 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
abhishtagatya/text2meme
๐ผ๏ธ Text2Meme is a Meme Classification Experiment based on Caption Text (Implemented as a Discord Bot)
Language: Jupyter Notebook - Size: 3.32 MB - Last synced at: 6 months ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 1
abh2050/searchengine
This project is designed to facilitate advanced search functionality within legal documents using PySpark for data processing and Streamlit for the user interface. The system preprocesses the legal opinions, constructs an inverted index, calculates term frequencies, and other relevant metrics.
Language: Jupyter Notebook - Size: 32.3 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
TahirZia-1/NLP-TextClassify
A hands-on NLP project comparing classic ML models (Naรฏve Bayes, SVM, Logistic Regression) and ANNs for text classification using SMS Spam and 20 Newsgroups datasets.
Language: Jupyter Notebook - Size: 970 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0
hperer02/Automated-essay-scoring
This repository contains my solution for the Kaggle competition Automated Essay Scoring 2.0. The goal of this project is to develop an automated system capable of scoring essays based on their content and quality using machine learning techniques.
Language: Jupyter Notebook - Size: 24.4 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0
nageswarik29/Fake-News-Detection
This project focuses on detecting fake news using machine learning algorithms such as Logistic Regression, Decision Tree Classifier, Random Forest Classifier, and Gradient Boost Classifier. It preprocesses text, extracts features with TF-IDF, and evaluates performance using accuracy, precision, recall, F1 score, and support.
Language: Jupyter Notebook - Size: 18.6 KB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
FaraazArsath/Customer-segmentation_E_commerce
Customer Segmentation of E commerce purchase database
Language: Jupyter Notebook - Size: 815 KB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
sambhu431/Medicine-Recommendation-System
The project aims to recommend medicines based on product uses similarity, side effects, and product review weightages. Powered by NLP techniques like TF-IDF and Cosine Similarity, the system provides intelligent and user-centric recommendations.
Language: HTML - Size: 3.09 MB - Last synced at: 5 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
chandkund/SMS-Spam-Detection
The goal is to develop a classification model that can accurately differentiate between spam and non-spam messages. This is crucial for applications like email filtering, SMS spam detection, and improving overall user experience by reducing the influx of unwanted or malicious content.
Language: Jupyter Notebook - Size: 805 KB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
Al-Hasib/NoCodeTextClassifier
A Python package for automatically training, evaluation, inference of Text Classification task with Low code/No Code
Language: Jupyter Notebook - Size: 6.93 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 3 - Forks: 0
hasanhammad/NLP-Final-Project
This repository contains code and dataset used in the final project of the NLP course in Iran University of Science and Technology
Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
aasthaj28/ai-for-social-good
Using natural language processing to analyze the sentiments of people and detect suicidal ideation on online social content.
Language: Jupyter Notebook - Size: 20 MB - Last synced at: 7 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
junnwest/culinarypreproject
This project builds a machine learning model to predict a recipeโs cuisine based on its ingredients. Ingredients are cleaned, vectorized using TF-IDF, and reduced in dimensionality with PCA. Various models, including Logistic Regression, SVM, and Random Forest, are trained and evaluated to achieve accurate cuisine classification.
Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 0
chandadiya2004/movie-recommendation-system
A Movie Recommendation System built using TfidfVectorizer and cosine similarity. The model processes a large dataset of movies and recommends similar movies based on a given input movie by analyzing textual features and calculating similarity scores.
Language: Python - Size: 95.3 MB - Last synced at: 24 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
Abdelrahman-Amen/Active_Learning_in_NLP_using_Small_Text_Technique
This project demonstrates active learning for text classification using the Small-Text library on the IMDB dataset. A logistic regression model is trained iteratively, selecting the most uncertain samples for labeling with a smart query strategy. The approach highlights efficient learning with minimal labeled data, improving model performance.
Language: Jupyter Notebook - Size: 52.7 KB - Last synced at: 4 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0
sumanthgubbala/Spam-Mail-Prediction-using-Machine-Learning
Language: Jupyter Notebook - Size: 12.7 KB - Last synced at: about 2 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
zayedrais/DocumentSearchEngine
Document Search Engine project with TF-IDF abd Google universal sentence encoder model
Language: Jupyter Notebook - Size: 28.6 MB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 53 - Forks: 24
radhe30/twitter-sentiment-analysis-NLP
This project analyzes the sentiment of tweets using natural language processing (NLP). It uses a dataset containing 1.6 million tweets, labeled as positive or negative, to train a machine learning model.
Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0
Himank-Khatri/SpamHam
NLP models trained using Bag of Words (BoW), Term Frequency - Inverse Document Frequency (TF-IDF) and word2vec to classify SMS as Spam or Ham.
Language: Jupyter Notebook - Size: 345 KB - Last synced at: 8 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
04bhavyaa/sms-spam-classification-system
A Machine Learning project that identifies whether a given message is spam or not. It uses Natural Language Processing (NLP) techniques (Stemming and TF-IDF Vectorization) for text transformation and a trained Multinomial Naive Bayes Classifier for predictions.
Language: Jupyter Notebook - Size: 1.89 MB - Last synced at: 5 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0
VishalPanchal11/NeuraLab-Nexus
NeuraLab Nexus (Full Stack MERN project for Tech enthusiasts) is an e-learning platform for Tech enthusiasts including courses, inbuilt collaborative coding environment having unique room id and a real time chatting space with file sharing.
Language: JavaScript - Size: 53.1 MB - Last synced at: 8 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
leovidith/Toxic-Comment-Classification-TFIDF
Language: Jupyter Notebook - Size: 23.4 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
VuBacktracking/Deep-Neural-Network-Vietnamese-Student-Feedback-Sentiment-Analysis
Vietnamese Student Feedback Sentiment Analysis
Language: Jupyter Notebook - Size: 34.4 MB - Last synced at: 7 months ago - Pushed at: over 1 year ago - Stars: 7 - Forks: 0
jeffreywijaya100/youtube-comment-textmining
scrapping data komentar youtube yang berkaitan dengan machine learning dalam bahasa Indonesia sebanyak minimal 100 komentar
Language: Jupyter Notebook - Size: 2.54 MB - Last synced at: 7 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
jeffreywijaya100/ecommerce-product-textmining
Pemodelan klasifikasi menggunakan data product dari sebuah ecommerce dengan ketentuan yang diberikan
Language: Jupyter Notebook - Size: 4.21 MB - Last synced at: 4 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0
anuragjain-git/text-classification
Train model using your own dataset and use it to predict the label for a given text. Additionally, it identify if the text is likely to be spam or irrelevant.
Language: Python - Size: 7.02 MB - Last synced at: 8 months ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 0
Parag000/Content-Based-Movie-Recommender
This project builds a content-based movie recommendation system using the TMDB dataset. By combining metadata features like cast, genres, and directors into a "metadata soup," it calculates movie similarity with vectorizers (Count) and cosine similarity. Ideal for learning content-based filtering and text vectorization techniques.
Language: Jupyter Notebook - Size: 88.9 KB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0
SKJNR/App-s-Review-Sentiment-Analysis
Perform Sentiment Analysis on App's Review Data
Language: Jupyter Notebook - Size: 2.07 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0
lalan-desai/MRS-With-ML
A platform recommending movies based on user feedback and preferences using machine learning algorithm.
Language: HTML - Size: 24.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
radhe30/Spam-mail-prediction-Model
A machine learning model for spam mail prediction classifies incoming emails as either "spam" or "not spam" (ham) based on the content and other features.
Language: Jupyter Notebook - Size: 245 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0
mutalibcs/Twitter-Sentiment-Analysis
Twitter Sentiment Analysis
Language: Jupyter Notebook - Size: 37.2 MB - Last synced at: 10 months ago - Pushed at: about 1 year ago - Stars: 3 - Forks: 0