Projects in Awesome Lists tagged with naive-bayes-algorithm
A curated list of projects in awesome lists tagged with naive-bayes-algorithm .
https://github.com/surmon-china/naivebayes
NaiveBayes classifier for JavaScript
bayes classifier javascript-library machine-learning machine-learning-algorithms naive naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naivebayes node-ml nodejs
Last synced: 16 Mar 2025
https://github.com/niiknow/bayes
naive bayes in php
bayes classifier machine-learning machine-learning-algorithms naive naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naivebayes php php-library php-ml
Last synced: 07 May 2025
https://github.com/remykarem/mixed-naive-bayes
Naive Bayes with support for categorical and continuous data
categorical-data machine-learning naive-bayes-algorithm
Last synced: 15 Dec 2024
https://github.com/packtworkshops/the-machine-learning-workshop
An interactive approach to understanding Machine Learning using scikit-learn
artificial-neural-networks calinski-harabaz-score dbscan-clustering k-means-clustering mean-shift naive-bayes-algorithm silhouette-score support-vector-machine
Last synced: 19 Dec 2024
https://github.com/gbroques/naive-bayes
A Python implementation of Naive Bayes from scratch.
classification data-mining data-mining-algorithms laplace-smoothing log-likelihood maximum-a-posteriori-estimation maximum-likelihood-estimation naive naive-algorithm naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naive-bayes-implementation naive-bayes-tutorial naivebayes python python3
Last synced: 04 May 2025
https://github.com/amallia/gaussiannb
Gaussian Naive Bayes (GaussianNB) classifier
gaussian machine-learning ml naive-bayes naive-bayes-algorithm naive-bayes-classifier
Last synced: 17 Jun 2025
https://github.com/casperkristiansson/elements-of-ai-building-ai
All exercises for the course Elements of AI - Building AI
bayes-classifier bayes-rule building-ai deep-learning elements-of-ai hill-climbing linear-regression linear-regression-models logistic-regression machine-learning naive-bayes naive-bayes-algorithm naive-bayes-classifier nearest-neighbor-search neural-networks overfitting probability-fundamentals
Last synced: 12 Apr 2025
https://github.com/rubixml/dota2
Build a classifier to predict the outcome of Dota 2 games with the Naive Bayes algorithm and results from 102,944 sample games.
classifier cross-validation data-science dota dota2 machine-learning machine-learning-tutorial naive-bayes naive-bayes-algorithm naive-bayes-classifier php php-machine-learning php-ml prediction rubix-ml
Last synced: 04 Dec 2024
https://github.com/krzjoa/bace
A deck of Naive Bayes algorithms with sklearn-like API đ
bayes-classifier machine-learning-algorithms naive-bayes naive-bayes-algorithm naive-bayes-classifier
Last synced: 12 Apr 2025
https://github.com/rbayuokt/rb-naivebayes-web
Algoritma Naive Bayes merupakan sebuah metoda klasifikasi menggunakan metode probabilitas dan statistik, Algoritma Naive Bayes memprediksi peluang di masa depan berdasarkan pengalaman di masa sebelumnya
naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naive-bayes-implementation rbayuokt web
Last synced: 22 Apr 2025
https://github.com/namsor/java-naive-bayes-classifier-jnbc
A scalable, explainable Java Naive Bayes Classifier that works either in memory or on persistent fast key-value store (MapDB, RocksDB or LevelDB)
explain-classifiers explainable-ai explainable-artificial-intelligence leveldb mapdb naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naivebayesclassifier rocksdb
Last synced: 13 Jan 2025
https://github.com/ikanurfitriani/diabetes-prediction
This repository contains code archives for Diabetes Prediction with Machine Learning
decision-tree diabetes-dateset-analysis diabetes-prediction diabetes-prediction-model ipynb-jupyter-notebook jupyter-notebook knn-algorithm linear-regression logistic-regression-algorithm naive-bayes-algorithm python random-forest streamlit-webapp svm-model
Last synced: 13 Feb 2025
https://github.com/madhurimarawat/ml-model-datasets-using-streamlits
This repository contains my machine learning models implementation code using streamlit in the Python programming language.
classifier data-visualization decision-tree diabetes-dataset digits-dataset hyperparameter-tuning kaggle-datasets knn linear-regression logistic-regression machine-learning-algorithms machine-learning-project naive-bayes-algorithm python random-forest regressor streamlit-deployment supervised-learning svm wine-dataset
Last synced: 12 Apr 2025
https://github.com/hxndev/implementing-grep-using-naive-search
GREP is a command-line utility for searching plain-text data sets for lines that match a regular expression or simply a string. In this, I implemented GREP using Naive Search.
algorithm command-line cpp grep linux naive-bayes-algorithm search time-complexity-analysis utility
Last synced: 31 Mar 2025
https://github.com/shubham0204/gaussiannaivebayes_android_app
A simple implementation of the Gaussian Naive Bayes algorithm in Android ( with Kotlin ).
android android-application artificial-intelligence classification-algorithm kotlin kotlin-android machine-learning-algorithms mobile-development mobile-machine-learning naive-bayes-algorithm naive-bayes-classification
Last synced: 23 Jan 2025
https://github.com/mehmoodulhaq570/ai-language-detector-and-translator
A Python tool which utilize the Naive Bayes algorithm for language detection and English-to-French/Urdu translation. Backed by diverse datasets, it ensures precise results for seamless communication. Experience accurate linguistic processing without the complexity!
language-detection language-translator machine-learning machine-learning-algorithms naive-bayes-algorithm
Last synced: 11 Apr 2025
https://github.com/jabhij/predictivemodelling_cricket
Using past Sport (Cricket) data to predict next win for Team India, in any format of the cricket.
cricket cricket-data data-science machine-learning machine-learning-algorithms naive-bayes-algorithm naive-bayes-classifier pandas predective-modeling python3 sklearn svc svc-svm
Last synced: 06 Mar 2025
https://github.com/jbris/sentiment_analysis_examples
Several examples of sentiment analysis algorithms for textual data.
convolutional-neural-network docker logistic-regression machine-learning machine-learning-algorithms multilayer-perceptron multilayer-perceptron-network naive-bayes-algorithm naive-bayes-classifier natural-language-processing nltk python r rstudio sentiment-analysis sentiment-classification statistics support-vector-machine svm tidyverse
Last synced: 02 Mar 2025
https://github.com/reiiyuki/ml-activity-naive-bayes
Text Classification by Naive Bayes
bayesian-network machine-learning ml naive-bayes-algorithm naive-bayes-classifier nlp nlp-machine-learning
Last synced: 29 Mar 2025
https://github.com/reydvires/naive-bayes-classification
The Naive Bayesian classifier
algorithm artificial-intelligence lua lua-script luajit machine-learning naive-bayes-algorithm naive-bayes-classifier telkom-university zerobrane-studio
Last synced: 18 Feb 2025
https://github.com/andi611/naive-bayes-and-decision-tree-classifiers
Naive Bayes and Decision Tree Classifiers implemented with Scikit-Learn and Graphviz visualization (Datasets - News, Mushroom, Income)
adult-dataset data-mining data-mining-algorithms decision-tree decision-tree-algorithm decision-tree-classifier decision-trees graphviz income-dataset mushroom-classification mushroom-classifier naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier news-data scikit-learn scikitlearn-machine-learning sklearn
Last synced: 24 Mar 2025
https://github.com/ankushmallick1100/a-covid-19-infection-rate-detection-technique-using-bayes-probability
A COVID-19 Infection Rate Detection Technique Using Bayes Probability
c machine-learning machine-learning-algorithms machinelearning ml naive-bayes naive-bayes-algorithm naive-bayes-classifier paper
Last synced: 12 Mar 2025
https://github.com/RYANFRANKLIN237/Data-science-ml
trained ML and DL models to give accurate classifications,predictions and recommendations
artificial-neural-networks convolutional-neural-networks jupyter-notebooks kaggle keras logistic-regression naive-bayes-algorithm numpy pandas python scikitlearn-machine-learning tensorflow
Last synced: 30 Apr 2025
https://github.com/takp/naive-bayes-sample
Infer the category of the document written in Japanese
naive-bayes naive-bayes-algorithm
Last synced: 18 Feb 2025
https://github.com/chaitanyak77/docbot
DocBot is a cutting-edge machine learning model built with a user-friendly Graphical User Interface (GUI) for seamless disease prediction based on input symptoms. By leveraging ML algorithms and intuitive design, DocBot provides accurate and accessible disease predictions, transforming the healthcare experience for users.
decision-trees gui machine-learning naive-bayes-algorithm random-forest-classifier tkinter-gui
Last synced: 06 Mar 2025
https://github.com/israel-nogueira/naivebayes
Componente central de processamento de linguagem natural, voltado para aplicaçÔes de aprendizado de måquina.
naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier processamento-de-linguagem-natural
Last synced: 06 Mar 2025
https://github.com/mehmoodulhaq570/machine-learning-models
A repository consisting of machine learning models for predicting the future instance. More specifically this repository is a Machine Learning course for those who are interested in learning the basics of machine learning algorithms.
decision-trees gradient-descent gradient-descent-algorithm knn-algorithm linear-regression linear-regression-models logistic-regression-algorithm machine-learning-algorithms machine-learning-models ml naive-bayes-algorithm one-hot-encoding pca python random-forest-classifier scikit-learn svm-model
Last synced: 08 Apr 2025
https://github.com/anshul21107/sms-spam-classifier
SMS Spam Classifier is a machine learning project that classifies SMS messages as either spam or not spam (ham).
naive-bayes-algorithm nltk-library python tfidfvectorizer
Last synced: 02 Mar 2025
https://github.com/efecanxrd/naive-bayes-algorithm-from-scratch
Naive Bayes Algorithm From Scratch
naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier
Last synced: 05 Mar 2025
https://github.com/sophy8281/ml-agorithms
Implementation of various machine learning algorithms
adaline decision-tree-algorithm genetic-algorithm k-means-clustering k-nearest-neighbours naive-bayes-algorithm perceptron-learning-algorithm reinforcement-learning-algorithms
Last synced: 26 Feb 2025
https://github.com/kalthommusa/udacity-intro-to-ml-with-tensorflow
This repository contains my collections of labs' notebooks from Udacity's Intro to ML with TensorFlow.
accuracy adaboost artificial-intelligence bagging cross-validation decision-tree-classifier linear-regression logistic-regression machine-learning-algorithms naive-bayes-algorithm perceptron-algorithm precision random-forest recall supervised-learning support-vector-machines tensorflow
Last synced: 10 Mar 2025
https://github.com/redayzarra/nlp_yelpreviews
This project covers the topic of natural language processing or NLP to classify user-generated text and determine their intent. The goal of this project is to build a model that can classify 10,000 Yelp reviews into either one-star or 5-star reviews. This project showcases a step-by-step implementation of the model as well as in-depth notes.
datapreprocessing dataprocessing machine-learning multinomial-naive-bayes naive-bayes naive-bayes-algorithm naive-bayes-classifier natural-language-processing nlp sentiment-analysis text-classification
Last synced: 21 Mar 2025
https://github.com/dhrupad17/machine-learning-a-z
This is a practice Repository consisting of all the notebooks I have practiced for Machine Learning from basics to Advance
adaboost-algorithm classification-algorithm decision-trees gradient-boosting knn-algorithm logistic-regression mlalgorithms naive-bayes-algorithm random-forest regression-models svm-kernel svm-model
Last synced: 05 Mar 2025
https://github.com/ryanfranklin237/data-science-ml
trained machine learning models to give accurate classifications,predictions and recommendations
jupyter-notebooks kaggle keras logistic-regression naive-bayes-algorithm numpy pandas python scikitlearn-machine-learning tensorflow
Last synced: 17 Feb 2025
https://github.com/jackosheadev/oopmachinelearning
This is a project I created for my OOP course during semester 2 which uses NaĂŻve Bayes to identify the likelihood of someone being an entrepreneur
java machine-learning naive-bayes-algorithm naive-bayes-classifier prediction predictive-modeling
Last synced: 21 Feb 2025
https://github.com/iamdsc/disease_diagnoser
The project is currently under construction :)
machine-learning naive-bayes-algorithm python sklearn
Last synced: 11 Mar 2025
https://github.com/ajla-brdarevic/zadace-iz-vjestcke-inteligencije
ZadaÄe iz predmeta VjeĆĄtaÄka inteligencija - PTF UNZE SI II Ciklus I Semestar 2024/25
ai jupyter-notebook naive-bayes-algorithm python simulated-annealing-algorithm
Last synced: 19 Feb 2025
https://github.com/maklonfr/predictiveanalytics-studentsperformance
Submission Dicoding Indonesia - Machine Learning Terapan (Predictive Students Analytics)
dicoding-submission logistic-regression-algorithm machine-learning naive-bayes-algorithm predictive-modeling random-forest-a xgboost-algorithm
Last synced: 03 Apr 2025
https://github.com/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.
decision-trees iris-dataset jupyter-notebook knearest-neighbor-algorithm logistic-regression machine-learning naive-bayes-algorithm python random-forest sklearn-library support-vector-machine
Last synced: 29 Mar 2025
https://github.com/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.
jupyter-notebook naive-bayes-algorithm naive-bayes-classifier nlp python sentiment-analysis
Last synced: 24 Feb 2025
https://github.com/bragdond/naive-bayes-ngram-text-classifier-nlp
Basic Naive Bayes classifier for text classification using ngram
naive-bayes-algorithm naive-bayes-classifier ngram nlp text-classification text-preprocessing
Last synced: 21 Mar 2025
https://github.com/reydvires/ensemble-learning
Bagging with Naive Bayes, Machine Learning
algorithms bagging gaussian-processes lua lua-script machine-learning naive-bayes-algorithm naive-bayes-classifier telkom-university zerobrane-studio
Last synced: 18 Feb 2025
https://github.com/tusharpandey003/basics-of-machine-learning
Basics of machine learning is END-TO-END Repository which includes very Basic Machine Learning Models and Notebook
algorithms diabetes-prediction drug drug-discovery embedding embedding-models embeddings knn-algorithm logistic-regression lstm lstm-model machine-learning naive-bayes-algorithm neural-networks parameters-hyperparameters parkinsons-detection svm tensorflow tensorflowhub wine-review
Last synced: 14 Mar 2025
https://github.com/pottekkat/naive-bayes-from-scratch
A simple implementation of the Naive Bayes Algorithm to understand its inner workings.
bayes bayes-classifier naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naive-bayes-implementation naivebayes naivebayesclassifier tennis tennis-weather
Last synced: 25 Feb 2025
https://github.com/abdulsamie10/naivebayestextclassification
This reposioty contains Naive Bayes algorithm using python, numpy.
colab colab-notebook jupyter-notebook naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier python python-3 python3
Last synced: 18 Feb 2025
https://github.com/naufal-yafi/text-mining-nb.model
Text mining using Naive Bayes algorithm
clasification data-science machine-learning naive-bayes-algorithm python3 scikit-learn streamlit-webapp text-mining
Last synced: 20 Feb 2025
https://github.com/arjunan-k/spilter
Build a model for classifying the email & SMS messages into spam or not spam using standard classifiers.
machine-learning naive-bayes-algorithm spam-detection spam-filtering
Last synced: 26 Feb 2025
https://github.com/hamzazafar10/car-price-predication-knn
Predicate car price from 4300+ data entries in dataset It Include KNN, Neural network ,Naive Bayes, KMean Clustering
data-science kmeans-clustering knn-algorithm machine-learning matplotlib naive-bayes-algorithm neural-network pandas sklearn
Last synced: 07 Apr 2025
https://github.com/kalana-dissanayake/titanic-model
artificial-intelligence machine-learning naive-bayes-algorithm
Last synced: 24 Mar 2025
https://github.com/jmarc00s/naivebayes
Classificador Naive Bayes
java naive-bayes-algorithm naive-bayes-classifier
Last synced: 31 Mar 2025
https://github.com/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.
ai jupyter-notebook logistic-regression machine-learning naive-bayes-algorithm nlp-machine-learning python python3 svm-model
Last synced: 24 Mar 2025
https://github.com/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
machine-learning naive-bayes naive-bayes-algorithm naive-bayes-classifier nlp python reviews
Last synced: 31 Mar 2025
https://github.com/atheeralzhrani/ml-projects
ML projects, which I worked on utilising different machine learning algorithms.
classification-trees clustering-algorithm liner-regestion logistic-regression naive-bayes-algorithm regression-trees svm-classifier xgboost-classifier xgboost-regression
Last synced: 24 Mar 2025
https://github.com/28ritu/naive-bayes-classifier
Naive Bayes Classification Task in MATLAB
classification matlab naive-bayes-algorithm naive-bayes-classifier
Last synced: 08 Apr 2025
https://github.com/justdvnsh/classification-methods
A collection of different classification techniques done on iris-dataset
classification classification-algorithm classification-model decision-trees iris iris-dataset knn knn-algorithm knn-classification logistic-regression machine-learning machine-learning-algorithms naive-bayes naive-bayes-algorithm naive-bayes-classifier random-forest
Last synced: 01 Apr 2025
https://github.com/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.
data-science machine-learning-algorithms machinelearning naive-bayes naive-bayes-algorithm naive-bayes-classifier
Last synced: 28 Feb 2025
https://github.com/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.
extract-transform-load machine-learning-algorithms naive-bayes-algorithm python3
Last synced: 25 Mar 2025
https://github.com/iamyourdre/naive-bayes-classifier-js
Naive Bayes classifier developed with MySQL, ExpressJS, and NodeJS by @iamyourdre.
backend data data-science expressjs javascript mysql naive-bayes naive-bayes-algorithm naive-bayes-classifier nodejs
Last synced: 09 Apr 2025
https://github.com/aashish22bansal/personal-bank-loan-modelling
The model compares several different algorithms and predicts whether a family will be granted the loan from the bank or not.
decision-tree-classifier logistic-regression naive-bayes-algorithm random-forest-classifier
Last synced: 01 Mar 2025
https://github.com/cheng-lin-li/natural-language-processing
This is my Natural Language Processing related programs repository
good-turing hmm hmm-viterbi-algorithm laplace-smoothing lidstone-smoothing naive-bayes-algorithm naive-bayes-classifier natural-language-processing nlp perceptron sentiment-classification viterbi-algorithm
Last synced: 01 Mar 2025
https://github.com/hangsbreaker/multinomialnaivebayes
Library for Multinomial Naive Bayes Classification
multinomial-naive-bayes naive-bayes naive-bayes-algorithm naive-bayes-classification php
Last synced: 17 Mar 2025
https://github.com/kush1912/text-classification
This is one of the Projects which was done in interest to learn the difference between the different classification algorithm and derive a solid conclusion from that. It scrap sthe data from youtube and related to six different classes and then by using different classification algorithm it classifies them.
beautifulsoup4 naive-bayes-algorithm neural-network randomforest selenium-webdriver svm-classifier text-classification tfidf-vectorizer webscrapping xgboost-algorithm youtube
Last synced: 11 Mar 2025
https://github.com/sadmansakib93/naive-bayes
Implementation of Naive Bayes from scratch using Python
artificial-intelligence bayes-classifier classification dataset machine-learning naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naive-bayes-implementation predictions python test-dataset training-dataset
Last synced: 01 Mar 2025
https://github.com/mikeleo03/supervised-learning-algorithm
Implementation of KNN and Naive-Bayes Supervised Learning Algorithm from Scratch to Cluster Phone Dataset
artificial-intelligence data-clustering jupyter-notebook kaggle knn-algorithm naive-bayes-algorithm python3
Last synced: 14 Jun 2025
https://github.com/pietrapaz/ias_engenharia
Trabalhos da disciplina de InteligĂȘncia Artificial Aplicada a SaĂșde
ai artificial-intelligence google-colab-notebook ia ias inteligencia-artificial naive-bayes-algorithm python
Last synced: 15 Jun 2025
https://github.com/himank-khatri/spamham
NLP models trained using Bag of Words (BoW) and Term Frequency - Inverse Document Frequency (TF-IDF) to classify SMS as Spam or Ham.
bag-of-words naive-bayes-algorithm nlp nlp-machine-learning spam-detection tfidf-vectorizer
Last synced: 02 Mar 2025
https://github.com/kmohamedalie/supervised_machine_learning-classification
Supervised Machine Learning Algorithms
decision-tree-classifier knn-classifier lasso-regression naive-bayes-algorithm precison-recall random-forest ridge-regression support-vector-machines
Last synced: 22 Feb 2025
https://github.com/raczeq/naive-bayes-classifier
A Python implementation of Naive Bayes from scratch. Repository influenced by https://github.com/gbroques/naive-bayes
classification data-mining data-mining-algorithms log-likelihood maximum-a-posteriori-estimation maximum-likelihood-estimation naive naive-bayes naive-bayes-algorithm naive-bayes-classification naive-bayes-classifier naive-bayes-implementation naivebayes python python-3 python3
Last synced: 04 Apr 2025