Topic: "naive-bayes-algorithm"
M0315G/Machine-Learning-Basics
This repository is the collection of all the basic algorithms used in Machine Learning. Some are implemented from scratch while some using existing libraries.
Language: Jupyter Notebook - Size: 4.75 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

nitya123-github/CharacterAnalysis
This project's objective is all about predicting and analysing a particular person's character based on their answers for the given set of questions.
Size: 1.36 MB - Last synced at: about 1 month ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

fzehracetin/naive-bayes-classification-from-scratch
This is my Data Mining course assignment for Naive Bayes Classification algorithm. I implemented Gaussian Naive Bayes on Python.
Language: Jupyter Notebook - Size: 54.7 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

splAcharya/Naive_Bayes_Implementation
A implementation of Naïve Bayes Machine Learning Algorithm from scratch. Includes implementations for Gaussian Naïve Bayes, Categorical Naïve Bayes, Binary Confusion Matrix, Binary Precision, Recall, F Measure scores
Language: Jupyter Notebook - Size: 128 KB - Last synced at: 8 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

jayskhatri/algo-implementation
Language: C - Size: 1.18 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 8

bsavanth/Naive_Bayes_Classifier-on-Amazon-data-set
Classifying Contexts of homograms by their senses
Language: Java - Size: 1.53 MB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

AndiAlifs/Klasifikasi-Text Fork of nafarahisya/Project-DS-BCC
Classifier Text Project (Natural Language Processing) for BCC Internship Data Science 2020 Program
Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

samyukthagopalsamy/Naive-Bayes-Classifier
Implementation of Naïve Bayes Classifier for Titanic Dataset. A Naive Bayes classifier is a probabilistic machine learning model based on Bayes' Theorem.
Language: Python - Size: 12.7 KB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

devika30/Spam-vs-Ham-Detection
A Flask App to detect whether the uploaded text file contains spam or ham message.
Language: Jupyter Notebook - Size: 3.06 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

rajtulluri/Spam-Filter-using-Naive-Bayes
Building a Spam Filter using Naive Bayes algorithm from scratch.
Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 1

ranbm/naive-bayes
naive bayes on iris dataset
Language: Jupyter Notebook - Size: 700 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

iamdsc/disease_diagnoser
The project is currently under construction :)
Language: Jupyter Notebook - Size: 164 KB - Last synced at: 4 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

as3eem/AmazonFoodReview
Data Mining on Amazon Fine Food Reviews Dataset. It also depicts a detailed comparative analysis of accuracies in various ML-Models.
Language: Jupyter Notebook - Size: 3.25 MB - Last synced at: over 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

Nishant1998/Spam_Detection_Using_Naive_Bayes_Algorithm
Spam detection project which uses machine learning concept.This project is using multimonialNB from sci-kit learn library of python to predict message of spam or ham
Language: Jupyter Notebook - Size: 8.75 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 1 - Forks: 0

mellophi/Email-Spam-Classifier
An Email Spam classifier using Naive Bayes
Language: C++ - Size: 131 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

shakiz/All-Java-Works
This my common repository for keeping all of my java works.I put all those files that i have ever worked out in java i n this repositories.So this seems to be messy to some of you , i am apologize for this.
Language: Java - Size: 140 KB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

soham23/reviewsClassifier
Language: Python - Size: 13.4 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 0

sakbarpu/TraditionalClassifiers
This repository implements the basic machine learning classifiers for the problem of Yelp reviews classification. We assume the problem to be a binary classification problem. The models implemented are Naive Bayes, Logistic Regression, Support Vector Machine (linear), Decision Trees, Bagged Decision Trees, Random Fforests, and Boosted Decision Trees.
Language: Python - Size: 2.01 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

Nemshan/Naive-Bayes-algorithm-From-Scratch
replicating Naive Bayes algorithms from scratch that # Restrict to only categorical features # Give an error message if continuous features are provided # Function must have at least three parameters: Train, Test, Classification variable # Output produces predicted probability and classification #Use Titanic data to predict survival.
Language: Jupyter Notebook - Size: 48.8 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

Krishnadhruv/Spam-Filter-Python-NLP
Using the labeled ham and spam examples, I have trained a machine learning model to learn to discriminate between ham/spam automatically. Then, with a trained model, we'll be able to classify arbitrary unlabeled messages as ham or spam.
Language: Jupyter Notebook - Size: 256 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 5

flaviohenriquecbc/machine-learning-naive-bayes
A Machine Learning script based on Naive Bayes algorithm to detect SMS as spam or not
Language: Python - Size: 1.95 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

vijayanandrp/ML-001-Name-Text-Gender-Predictor-Classifier
Gender classification from a Name (text).
Language: Python - Size: 22.5 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 1

abhi195/ud120-projects Fork of udacity/ud120-projects
Starter project code for students taking Udacity ud120
Language: DIGITAL Command Language - Size: 19.1 MB - Last synced at: about 1 month ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

sjayakum/csci544
Naive-Bayes classifier to classify hotel reviews as part of CSCI 544 - Applied Natural Language Processing Course
Language: Python - Size: 34.7 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

Jijunjiang/Document-classification-algorithms-design
leangit
Language: Python - Size: 18 MB - Last synced at: almost 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

wang-jinghui/Machine-Learning-Algorithm
machine learning algorithm
Language: Python - Size: 9.43 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 1 - Forks: 0

CrookedNoob/All-Machine-Learning-Algorithms-explained-in-a-project
Application of Decision Tree C5.0, Random Forest, K-NN, Artificial Neural Network, Naive-Bayes algorithms in a Project using R
Language: R - Size: 567 KB - Last synced at: over 2 years ago - Pushed at: over 9 years ago - Stars: 1 - Forks: 1

takp/naive-bayes-sample
Infer the category of the document written in Japanese
Language: Python - Size: 117 KB - Last synced at: about 2 months ago - Pushed at: over 10 years ago - Stars: 1 - Forks: 0

JunsuGun/Naive_Bayes_Implementation
Implement a Naive Bayes Classifier from scratch using Bayesian statistics to predict Boston house classifications. 📊🏠 Tools include Pandas, Numpy, and Scikit-Learn.
Language: Jupyter Notebook - Size: 177 KB - Last synced at: 8 days ago - Pushed at: 8 days ago - Stars: 0 - Forks: 0

khetansarvesh/Tabular-Cross-Sectional-Modelling
Implementation of algorithms such as normal equations, gradient descent, stochastic gradient descent, lasso regularization and ridge regularization from scratch and done linear as well as polynomial regression analysis. Implementation of several classification algorithms from scratch i.e. not used any standard libraries like sklearn or tensorflow.
Language: Jupyter Notebook - Size: 18.8 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 0 - Forks: 0

M0ng00se7169/KNN-Naive-Bayes
Implementation of KNN and Naive Bayes Algorithm for Machine Learning from my university studies
Language: Python - Size: 224 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

temulenbd/tb-gnb-svm
This repository serves as a personal reference and could be helpful for future projects or studies.
Language: Jupyter Notebook - Size: 646 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

jasmeet1234/MailGuard_AI
Interactive email spam filter demo using Naive Bayes & Streamlit. Classifies emails as spam or ham. Built for learning ML basics.
Language: Python - Size: 112 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

pierrelabroche/pierrelabroche.github.io
Collection of some of my academic and personal projects
Language: JavaScript - Size: 25.8 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

Gracia243/spam_email_detector
Spam Email Detector
Language: Jupyter Notebook - Size: 18.3 MB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

taufiqnoorani/spam-filter
A spam filter using Bayes Theorem / Naive Bayes algorithm.
Language: Jupyter Notebook - Size: 1.95 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

aryanparmarr/Sentiment-Analysis-of-Product-Reviews
Sentiment analysis, also known as opinion mining, is a NLP and ML task that involves identifying and categorizing sentiments expressed in text data. In the context of product reviews, sentiment analysis aims to determine whether the feedback provided by customers is positive, negative, or neutral.
Language: Jupyter Notebook - Size: 13.8 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

NightFuryAnalytics/naive-bayes-walkthrough
A complete step-by-step guide to implementing the Naïve Bayes algorithm in Python, both from scratch and using built-in libraries. It is designed for beginners and practitioners looking to understand probabilistic classification, Bayes’ theorem, and its application in machine learning.
Language: Jupyter Notebook - Size: 93.8 KB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

WasifSohail5/SpamShield
Spam Shield is a machine learning-based web application that classifies emails as spam or ham (not spam). It uses three different machine learning models to ensure accurate classification and is built with Streamlit for an interactive web interface.
Language: Jupyter Notebook - Size: 2.69 MB - Last synced at: 4 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Ashfadi/Gaussian-Naive-Bayes-Classification
Implements Gaussian Naive Bayes for gender classification based on physical features like height, weight, and age. Includes model validation through cross-validation and feature importance analysis.
Language: Python - Size: 185 KB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

naufal-yafi/text-mining-nb.model
Text mining using Naive Bayes algorithm
Language: Jupyter Notebook - Size: 547 KB - Last synced at: about 1 month ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

R-Mahesh45/Salary-Prediction-using-Naive-Bayes
This project uses the Naive Bayes classification algorithm to predict an individual's salary based on features like age, education, occupation, and more. It evaluates model accuracy on training and test datasets. The model achieved a 77% accuracy on both sets.
Language: Jupyter Notebook - Size: 2.91 MB - Last synced at: 3 months ago - Pushed at: 6 months ago - Stars: 0 - 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: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

veronhoxha/snowflake-sentiment-analysis-and-performance-experiments
This project explores implementing the Naive Bayes algorithm in Snowflake using SQL and user-defined table functions, alongside conducting performance experiments using the TPC-H benchmark. The objective is to measure and understand the precision and efficiency of the algorithm within a modern cloud data platform.
Language: Jupyter Notebook - Size: 538 KB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Mahbub2001/ZeroR-classifier-OneR-classifier-K-Nearest-Neighbor-Classifiers-Naive-Bayesian-Classifier-SVM-SVR
Language: Jupyter Notebook - Size: 2.19 MB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

Blacknahil/ML-project Fork of Teklez/AI
This project implements classification models on the MNIST dataset using various feature extraction techniques and machine learning algorithms. It includes an analysis of accuracy based on different feature extraction methods like Raw Pixel Intensity, Histogram of Oriented Gradients (HOG), and Principal Component Analysis (PCA), demonstrating the e
Language: Jupyter Notebook - Size: 23.4 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

Ahmed-Elsharkwi/Spam_Filter
spam_filter
Language: Python - Size: 196 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

AtheerAlzhrani/ml-projects
ML projects, which I worked on utilising different machine learning algorithms.
Language: Jupyter Notebook - Size: 103 KB - Last synced at: 3 months ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

daniel-lima-lopez/Sentiment-classification-with-Naive-Bayes-classifier
Python implementation of the Naive Bayes classifier, applied to the problem of classifying sentiments of Amazon product reviews
Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 10 days ago - Pushed at: 10 months ago - Stars: 0 - Forks: 0

HamzaZafar10/Car-Price-Predication-KNN
Predicate car price from 4300+ data entries in dataset It Include KNN, Neural network ,Naive Bayes, KMean Clustering
Language: Jupyter Notebook - Size: 542 KB - Last synced at: 3 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

Mohamed-Walied/Sentiment-Analysis-using-Naive-Bayes-Algorithm
It's a Sentiment analysis Project using a Probabilistic model (Naive Bayes Algorithm). Using data from tweets on twitter to detect the postive and negative sentences.
Language: Jupyter Notebook - Size: 2.45 MB - Last synced at: 4 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

umarshahzadumar91/Email-spam-classifier
email spam classification is to identify and filter out unwanted emails,
Language: Jupyter Notebook - Size: 1.07 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Vinandra-Adam-Saputra/Nstore-Mobile-Device-Damage-Analysis-System
Machine Learning Course Project 2024 - UNIVERSITAS MARITIM RAJA ALI HAJI FAKULTAS TEKNIK DAN TEKNOLOGI KEMARITIMAN PROGRAM STUDI TEKNIK INFORMATIKA
Language: PHP - Size: 1.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ThyagoMartins0/Make.a.IA
Criação de uma IA simples para o entendimento da arquitetura, tecnologia e aprendizamos de rede neural
Language: Python - Size: 162 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

D3struf/NLP-Chatbot
A Virtual Assistant integrated in TUP Website using NLP and Naive Bayes Algorithm
Language: Jupyter Notebook - Size: 6.07 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

hadiprasetiyo/ChurnBank-NaiveBayes-Analytics
Repositori ini berisi proyek data mining yang menganalisis perilaku pelanggan di sektor perbankan, dengan fokus pada prediksi churn. Dilengkapi dengan visualisasi data dan implementasi algoritma Naive Bayes untuk analisis lebih lanjut.
Language: Jupyter Notebook - Size: 180 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Code-forlife/Data-Analytics-Experiment
This repository provides a practical learning ground for data analysis with code and visualizations. Explore techniques like Apriori algorithm, EDA, K-Means clustering, and more!
Language: Jupyter Notebook - Size: 24.4 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

tusharpandey003/Basics-of-machine-learning
Basics of machine learning is END-TO-END Repository which includes very Basic Machine Learning Models and Notebook
Language: Jupyter Notebook - Size: 26.6 MB - Last synced at: 4 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

principie/Crypto_Chatbot
Crypto is a mental health conversational AI chatbot that can help people from depression, anxiety, stress, etc.
Language: CSS - Size: 10.2 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Hrichik1/Employee_Salary_Prediction
A dataset is taken from Kaggle and Naive Bayes algorithm is used to predict the salary of the employee
Language: R - Size: 6.84 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Kalana-Dissanayake/Titanic-Model
Language: Jupyter Notebook - Size: 183 KB - Last synced at: 3 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Santosh2611/NeuroNexus-Innovations
Welcome to a diverse collection of hands-on ML, AI, Python, and Data Science projects. Explore and learn through practical applications. Happy coding! 🚀
Language: Jupyter Notebook - Size: 30.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

janvikheni04/Data_Analysis_of_Titanic_Dataset
Machine learning Model
Language: Jupyter Notebook - Size: 90.8 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

pietrapaz/ias_engenharia
Trabalhos da disciplina de Inteligência Artificial Aplicada a Saúde
Size: 1000 Bytes - Last synced at: 20 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

arnab7070/sms-spam-detection
Streamlit app to detect if a comment is spam or not ?
Language: Python - Size: 6.34 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MalteArnold/machine-learning
Projects involving basic machine learning algorithms.
Language: Python - Size: 508 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Ahonanhin/NaiveBayes
Text Classification with Naive Bayes Classifier
Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

dvircohen0/ML-101
Machine-Learning-Algorithms-From-Scratch
Language: Jupyter Notebook - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Ddeepanshu-997/Naive-Bayes
In this project i am performing the naive bayes on the given dataset , initially i performed some data preprocessing technique in order to filter out the data flaws then undergoes the process of model building i.e Naive Bayes.
Language: Jupyter Notebook - Size: 6.84 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

sarangiWijemanna/T_MachineLearning
Machine Learning 30 Days Challenges - Learn ML Concepts ❤
Language: Python - Size: 9.49 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Christoph18945/spamfilter
A very basic E-Mail Spam Filter.
Language: Python - Size: 0 Bytes - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

mikeleo03/Supervised-Learning-Algorithm
Implementation of KNN and Naive-Bayes Supervised Learning Algorithm from Scratch to Cluster Phone Dataset
Language: Jupyter Notebook - Size: 1.91 MB - Last synced at: 21 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

Kmohamedalie/Supervised_Machine_Learning-Classification
Supervised Machine Learning Algorithms
Language: Jupyter Notebook - Size: 4.77 MB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

FarhanAsfar/CSE366-Artificial-Intelligence-Codes
This repository contains the codes of my academic course CSE366-Artificial Intelligence. The problems are solved using the C++ language.
Language: C++ - Size: 55.1 MB - Last synced at: over 1 year ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

iamyourdre/naive-bayes-classifier-js
Naive Bayes classifier developed with MySQL, ExpressJS, and NodeJS by @iamyourdre.
Language: JavaScript - Size: 24.4 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

ABR26/python-code
Python code,
Size: 85.9 KB - Last synced at: 7 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

lijesh010/ML_Project-Iris_Data_Species_Classification_Algorithms
This repository contains a machine learning project focused on the classification of Iris flower species using different Classification algorithms.
Language: Jupyter Notebook - Size: 19.5 KB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

friskyspock/amazon-reviews-excelr
Analyzing sentiments of product reviews on Amazon. Also made a predictive model using Naive Bayes
Language: Jupyter Notebook - Size: 1.17 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Sai-Likhith/SpamGuard-Naive-Bayes-Email-Classifier
SpamGuard is an efficient email classification system powered by Naive Bayes algorithm. It quickly analyzes the content of an email, evaluating its likelihood of being spam. With a simple input of the email body, SpamGuard accurately determines whether the email is spam or not, providing users with a reliable and effective tool for spam detection.
Size: 0 Bytes - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

MohanBisunke/romanized-nepali-text-sentiment-analysis
The built model (Naive Bayes: Multinomial, Gaussian and Bernoulli combined voted) is Sentiment Analyzer for Romanized Nepali Text (Nepali words spoken in English Letters).The model predict either positive or negative
Language: Jupyter Notebook - Size: 128 MB - Last synced at: about 1 year ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

shahiryar/Naive-Bayes
Naive Bayes Classification Algorithm from scratch, without using sklearn
Language: Python - Size: 31.3 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

faezehabibi66/Naive-Bayes
Predict Breast Cancer Wisconsin (Diagnostic) using Naive Bayes
Language: Python - Size: 5.86 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Manjari-99/email_spam_verifier_99
The model with accuracy score 0.98 learns the email and creates a 'bag of words', from which the probability of an email to be spam with the presence of that word is calculated. Test emails are checked and if those threat words are found it is labeled as spam.
Language: Jupyter Notebook - Size: 7.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

jasminefederer/twitter_classifier
Using Bayes theorem to train an algorithm which seeks to classify whether a tweet is more likely to be referencing 'tory' or 'evil'!
Language: Jupyter Notebook - Size: 27.3 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Perceval-Wilhelm/Predicting-high-risk-of-death-patients-due-to-COVID-19-using-classification-algorithms
Predicting high risk of death patients due to COVID-19 using classification algorithms
Language: Jupyter Notebook - Size: 6.77 MB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ramzimimou/Classification-social-network-ads
Classification using Naive Bayes, Decision Tree and KNN algorithms
Language: Jupyter Notebook - Size: 43.9 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Sonaxy/Heart_Failure_Prediction 📦
Heart Failure Prediction by developing various Supervised Learning algorithms in Python
Language: Python - Size: 282 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

fjstria/NaiveBayesClassifier
A demo of a Naive Bayes Classifier, programmed in Python.
Language: Python - Size: 2.44 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Vishyyvishal/ML_Titanic
Who Survived the Titanic. 6 ML Algorithms
Language: Jupyter Notebook - Size: 11.8 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

STProgrammer/Ensembled-naive-bayes-classifiers
Test and comparison of ensemble method with naive bayes classifier on 5 different data sets.
Language: Jupyter Notebook - Size: 2.13 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

leyresv/ML_algorithms_from_scratch
Machine Learning algorithms implemented from scratch
Language: Python - Size: 198 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

abdulsamie10/NaiveBayesTextClassification
This reposioty contains Naive Bayes algorithm using python, numpy.
Language: Jupyter Notebook - Size: 85 KB - Last synced at: about 1 month ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

peijin0405/Naive-Bayes-classification-model-from-scratch_NLP
Build a Naive Bayes classification model from scratch, and evaluate the performance of the model on the DBpedia14 dataset.
Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

HyrniT/decision-tree-naive-bayes
Artificial Intelligence
Language: Jupyter Notebook - Size: 25.4 KB - Last synced at: about 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

arjunan-k/Spilter
Build a model for classifying the email & SMS messages into spam or not spam using standard classifiers.
Language: Jupyter Notebook - Size: 8.73 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

arjunssat/USA_Hospital_charge_Pred
Analyses the various charge imposed by hospital in various states across USA, it also predict the discharge of patients among the parameters
Language: Jupyter Notebook - Size: 1.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

grvnair/naive-bayes-from-scratch
Naïve Bayes algorithm from scratch using Python. Calculated the mean, variance and probability of each class and returned the class with highest probability using the argmax function. Implemented the algorithm on IRIS dataset and attained the accuracy of 95.56%.
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

RaunakJalan/Language-Classification-Naive-Bayes
Language: Smalltalk - Size: 907 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

arjunssat/Lung_cancer_prediction
Analyses the lung cancer among the various parameter's of the patient.
Language: Jupyter Notebook - Size: 17.6 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AyushTyagi1610/Naive-Bayes
Presented a detailed analysis of the mathematics involved in the backend of the algorithm of the model.
Language: Jupyter Notebook - Size: 4.19 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0
