Topic: "sms-spam-detection"
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: 3 days ago - Pushed at: over 4 years ago - Stars: 15 - Forks: 11

kishan-1721/SMS-Spam-Detection
This is a SMS Spam Detection Project with Streamlit
Language: Jupyter Notebook - Size: 1.05 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 7 - Forks: 4

yogeshnile/SPAM-SMS-Prediction
In this repo i have created a SMS Spam Prediction project in machine learning using NLP.
Language: Jupyter Notebook - Size: 268 KB - Last synced at: 18 days ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 7

mssandeepkamath/sms-spam-filter-android
Android Client for SMS Spam Detection using ML
Language: Java - Size: 4.18 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

JuzerShakir/Naive-Bayes-Tutorial 📦
Getting Intuition behind the implementation of Naive Bayes Classifier with SMS spam collection data.
Language: HTML - Size: 366 KB - Last synced at: 19 days ago - Pushed at: over 6 years ago - Stars: 4 - 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: about 1 month ago - Pushed at: 10 months ago - Stars: 3 - Forks: 0

ashwinnmit/sms-spam-classifier
Sms spam classifier using machine learning
Language: Python - Size: 472 KB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

junioralive/sms-spam-detection
An interactive SMS Spam Detection application using Streamlit and machine learning. This app allows users to classify messages as spam or ham and view performance metrics for different models.
Language: Python - Size: 2.8 MB - Last synced at: about 2 months ago - Pushed at: 9 months ago - Stars: 2 - Forks: 0

mohammadnabia/Multinomial-nb-Spam-Identifier
Identifying and distinguishing spam SMS and Email using the multinomial NaĂŻve Bayes model.
Language: Jupyter Notebook - Size: 131 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

rajatdv/sms_spam_detection
Train different machine learning algorithm to detect sms spam
Language: Jupyter Notebook - Size: 219 KB - Last synced at: almost 2 years ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 2

KanAfridi/Sms-Spam-Detection-Model
A machine learning project aimed at detecting spam messages using text classification techniques. The project involves preprocessing text data, feature extraction, and building a classification model to distinguish between spam and legitimate messages.
Language: Jupyter Notebook - Size: 58.2 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

Gaurav241/Email-SMS-Spam-Classifier
The project leverages Naive Bayes Classifiers, a family of algorithms based on Bayes’ Theorem, which presumes independence between predictive features. This theorem is crucial for calculating the likelihood of a message being spam based on various characteristics of the data.
Language: Jupyter Notebook - Size: 967 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

kunalbandale/SMS-Email-Spam-Classifier
Detect Email/SMS Spam with Machine Learning!
Language: Python - Size: 401 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

PritamDeb68/Spam-Detection-Using-RNN
This project uses Recurrent Neural Networks (RNNs) to classify SMS messages as spam or ham (legitimate). My goal is to develop an accurate and efficient spam detection system using deep learning techniques.
Language: Jupyter Notebook - Size: 3.43 MB - Last synced at: 3 months ago - Pushed at: 8 months ago - Stars: 1 - Forks: 0

MoIzadloo/SMSSpamDetector
High-performance SMS spam detection using a scalable Naive Bayes algorithm and Hadoop's MapReduce framework to tackle large-scale spam filtering effectively.
Language: Jupyter Notebook - Size: 235 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

AHMEDSANA/Spam-and-Ham-text-classifier
In this project we are using LSTM to classify texts as spam or ham.
Language: Jupyter Notebook - Size: 144 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

ravularohit/sms-spam-detection
using naive-bayes classifier
Language: Python - Size: 490 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 1

alexander-fischer/lstm-kaggle-sms-spam-example
Simple example for Kaggles SMS Spam Collection Dataset with a simple LSTM.
Language: Python - Size: 211 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

Poojachauhan25/SMS-Spam-Detection
The SMS Spam Detection System is a Django-based application that classifies messages as spam or ham using machine learning and keyword-based filtering. It detects spam by analyzing suspicious words, patterns, and NLP techniques to improve accuracy.
Language: Python - Size: 25.4 KB - Last synced at: 1 day ago - Pushed at: 1 day ago - Stars: 0 - Forks: 0

nirmit27/SMS-Spam-Classifier
This is a web service for the classification of SMS messages created using Flask.
Language: Jupyter Notebook - Size: 2.29 MB - Last synced at: 21 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

KasrAskari/Spam-Classification
Classifies SMS messages as spam or non-spam using machine learning
Language: Jupyter Notebook - Size: 418 KB - Last synced at: 21 days ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

faizansari45/SMS-Spam-Detection
This is a web application for the detection of SMS messages created using Streamlit.
Language: Jupyter Notebook - Size: 298 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Lakshitalearning/SpamFortress
A machine learning-based project to detect SMS spam messages with high accuracy, using the SMS Spam Collection Dataset and techniques like supervised learning, text preprocessing, and model comparison.
Language: Jupyter Notebook - Size: 361 KB - Last synced at: about 2 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

MrigankJaiswal-hub/SMS-Spam-Detection
SMS Spam detection Using Machine Learning
Language: Jupyter Notebook - Size: 1010 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

SINGHxTUSHAR/SpamSlayer
This Project Predicts whether the Email/SMS is spam or ham by using the extensive knowledge of NLP and various ML Algorithms. Deployed on Streamlit & Herokuapp
Language: Jupyter Notebook - Size: 2.86 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

NityaVerma19/Spam-Classifier
An SMS spam classifier made using Naive Bayes classification algorithm on R
Language: R - Size: 199 KB - Last synced at: 12 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

vasupatelll/Email_Spam_Classifier
A Machine Learning Processing with SMS Data to predict whether the SMS is Spam/Ham with various ML Algorithms like MultinomialNB, LogisticRegression, SVC, DecisionTreeClassifier, RandomForestClassifier, KNeighborsClassifier, AdaBoostClassifier, BaggingClassifier, ExtraTreesClassifier, GradientBoostingClassifier, XGBClassifier to compare accuracy an
Language: Jupyter Notebook - Size: 660 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

sparsh2005/sms_spam_classification
SMS and Email Spam Classifier end-to-end project, deployed on Streamlit
Language: Jupyter Notebook - Size: 922 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Abdulnuman009/SMS-Spam-Detection
This is an SMS-Spam-Detection system where you can check any mails/messages whether spam or not.
Language: Python - Size: 109 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

rajatrawal/sms-spam-detector
Welcome to the "SMS Spam Detector" project! This machine learning model identifies whether a given SMS is spam or not, providing a valuable tool for spam detection and filtering.
Language: Python - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

deepankarvarma/SMS-Spam-Detection-using-NLP
This repository contains the code for building a spam detection system for SMS messages using deep learning techniques in TensorFlow2. Three different architectures, namely Dense Network, LSTM, and Bi-LSTM, have been used to build the spam detection model. The final model has been deployed as a Streamlit app to showcase its working.
Language: Jupyter Notebook - Size: 4.43 MB - Last synced at: 12 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 1

VirajPatidar/SMS-Email-Spam-Classifier
SMS and Email Spam Classifier
Language: Jupyter Notebook - Size: 776 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Nisarg-18/sms_spam_detector
A simple mobile app which syncs all your inbox sms and predicts whether it is "Ham" or "Spam".
Language: Dart - Size: 264 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

deepme987/SMS-Spam-Detection
Classify SMS into Ham and Spam based on corpus provided by Kaggle; "SMS Spam Collection Dataset" using various models
Language: Jupyter Notebook - Size: 438 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

JeetThakare/NaturalLangProcessing
NLP Projects
Language: Python - Size: 514 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0
