An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with naive-bayes-classifier

A curated list of projects in awesome lists tagged with naive-bayes-classifier .

https://github.com/skylark0924/machine-learning-is-all-you-need

🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!

actor-critic convolutional-neural-networks ddpg decision-trees deep-reinforcement-learning dqn gan k-nearest-neighbours keras logistic-regression lstm naive-bayes-classifier ppo pytorch qlearning random-forest resnet support-vector-machine tensorflow trpo

Last synced: 05 Apr 2025

https://github.com/fredwu/simple_bayes

A Naive Bayes machine learning implementation in Elixir.

bayes classifier machine-learning naive-bayes-classifier

Last synced: 04 Apr 2025

https://github.com/fieg/bayes

Implementation of Naive Bayes Classifier algorithm in PHP.

bayes machine-learning naive-bayes-classifier php

Last synced: 30 Nov 2024

https://github.com/mustafaturan/omnicat-bayes

Naive Bayes text classification implementation as an OmniCat classifier strategy. (#ruby #naivebayes)

naive-bayes-classifier ruby sentiment-analysis stopwords text-classification tokenizer

Last synced: 29 Dec 2024

https://github.com/fcanas/bayes

Naive Bayes Classifier in Swift for Mac and iOS

bayes naive-bayes-classifier swift

Last synced: 13 Apr 2025

https://github.com/leafo/lapis-bayes

Naive Bayes classifier for use in Lua

classifier lapis moonscript naive-bayes-classifier

Last synced: 23 Feb 2025

https://github.com/cschen1205/lua-ai

Implementation of machine learning and artificial intelligence algorithms in lua with demo using game bot

artificial-intelligence artificial-neural-networks decision-trees lua naive-bayes-classifier

Last synced: 29 Jan 2025

https://github.com/ellisbrown/name2gender

Extrapolate gender from first names using Naïve-Bayes and PyTorch Char-RNN

char-rnn deep-learning gender-classification machine-learning naive-bayes-classifier rnn

Last synced: 15 Apr 2025

https://github.com/varunon9/naive-bayes-classifier

Implementing Naive Bayes Classification algorithm into PHP to classify given text as ham or spam. This application uses MySql as database.

classifier ham mysql-database naive-bayes-classifier php spam

Last synced: 18 Mar 2025

https://github.com/kevalmorabia97/naive-bayes-text-classifier-in-java

Naive Bayes Classification used to classify movie reviews as positive or negative

java machine-learning naive-bayes-classifier text-classification

Last synced: 21 Nov 2024

https://github.com/aquatiko/sentiment-analysis-tfidf-vectorizer-method

Sentiment Analysis of movie reviews by sklearn's naive bayes and TfIdf word vectorizer.

confusion-matrix movie-reviews naive-bayes-classifier sentiment-analysis sklearn-vectorizer tfidf wordnet

Last synced: 10 Apr 2025

https://github.com/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%.

bag-of-words count-vectorizer decision-tree-classifier embeddings logistic-regression lstm-neural-networks multinomial-naive-bayes naive-bayes-classifier porter-stemmer sms-spam-detection support-vector-machines tfidf-vectorizer wordnetlemmatizer

Last synced: 12 May 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/ipang-dwi/spk-lokasi-pendirian-homestay-berbasis-web-dengan-metode-naive-bayes-classifier

SISTEM PENGAMBIL KEPUTUSAN LOKASI PENDIRIAN HOMESTAY BERBASIS WEB DENGAN METODE NAIVE BAYES CLASSIFIER - www.firstplato.com

decision-support-system dss firstplato mariadb mysql naive-bayes-classifier php php5 php7 sidoarjo-dev sistem-pendukung-keputusan spk

Last synced: 09 Apr 2025

https://github.com/ksdkamesh99/phony-news-classifier

Phony News Classifier is a repository which contains analysis of a natural language processing application i.e fake news classifier with the help of various text preprocessing strategies like bag of words,tfidf vectorizer,lemmatization,Stemming with Naive bayes and other deep learning RNN (LSTM) and maintaining the detailed accuracy below

bag-of-words deep-learning fake-news lemmatization lstm-neural-networks multinomial-naive-bayes naive-bayes-classifier natural-language-processing python3 stemming tfidfvectorizer

Last synced: 12 May 2025

https://github.com/parvvaresh/email-spam-detection

This project focuses on detecting Persian spam emails using machine learning algorithms. The goal is to develop an effective spam detection system using various word embedding techniques and classification algorithms. The project utilizes three word embedding algorithms: TF-IDF, Frequency of Words, and Bag of Words. Additionally, six classification

chi2 decision-trees freq freq-word hazm knn logistic-regression machine-learning naive-bayes-classifier numpy pandas pre-processing python python3 random-forest svm tf-idf

Last synced: 22 Apr 2025

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/colasgael/deepclimb

A CNN approach to automatically assess bouldering routes difficulty levels

climbing cnn computer-vision naive-bayes-classifier pytorch softmax-classification

Last synced: 14 Apr 2025

https://github.com/ekramasif/ai-lab-final-project

Improving News Classification Model Using Support Vector Machine and Naive Bayes

artificial-intelligence classification dataset naive-bayes-classifier news-classification nlp svm-classifier text-classification

Last synced: 12 Feb 2025

https://github.com/brightmart/machine_learning

machine learning applied to NLP without deep learning

decision-trees gbdt naive-bayes-classifier

Last synced: 05 May 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/wonderer007/naive-bayes-classifier

Naive Bayes classifier is classification algorithm. It uses Naive based Bernoulli and Multinomial equation to classify documents(Text) as ham or spam.

algorithm bernoulli classification-algorithm classify-documents corpus corpus-folder eclipse ham java naive-bayes-classifier

Last synced: 13 May 2025

https://github.com/xiaohk/stat333_project_2

Madison restaurant Yelp rating prediction based on review text

convolutional-neural-networks logistic-regression machine-learning naive-bayes-classifier nlp

Last synced: 12 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/yogeshnile/movies-genre-classification

In this repo i have created a Movies Genre Classification project in machine learning using NLP.

machine-learning movie-genre-classification naive-bayes-classifier nlp nlp-machine-learning nltk nltk-python python3 sklearn wordcloud

Last synced: 02 May 2025

https://github.com/imsanjoykb/automated-spam-mail-detection-and-flask-deployment

This is an simple NLP project in which the model is able to predict the incoming mail whether it is spam or not spam(ham). As we seen in gmail automatically the mail is classified and stored in spam or inbox so this project is prototype.

flask machine-learning naive-bayes-classifier nlp python scikit-learn

Last synced: 30 Apr 2025

https://github.com/prayas7102/nodejssecurify

NodejsSecurify is an advanced NPM package designed to enhance the security of Node.js applications using AI/ML models. It provides a comprehensive set of security features and analysis capabilities to identify potential vulnerabilities and enforce best practices in accordance with OWASP guidelines.

brute-force-attacks callbackhell cybersecurity dos-attack hacktoberfest input-validation javascript machine-learning naive-bayes-classifier nodejs owasp redos-detector regex-dos static-code-analysis typescript whitebox-testing xss-vulnerability

Last synced: 18 Apr 2025

https://github.com/rahat-khan-pathan/covid-19-prediction-using-naive-bayes-classification

This model can predict if a patient is affected by covid 19 using naive bayes classifier.

covid-19-predictor machine-learning naive-bayes-classifier

Last synced: 11 Apr 2025

https://github.com/x4nth055/sentiment_analysis_naive_bayes

Implementing Naive Bayes Machine Learning algorithm to predict sentiment from reviews.

naive-bayes-classifier naive-bayes-text-classification python sentiment-analysis sentiment-classification

Last synced: 20 Mar 2025

https://github.com/jeroenjanssens/tidynaivebayes

A tidy implementation of the Naive Bayes classifier

naive-bayes-classifier r tidyverse

Last synced: 22 Apr 2025

https://github.com/shaadclt/breast-cancer-detection-naivebayesclassifer

This project involves detecting breast cancer using the Naive Bayes classifier in Jupyter Notebook. Breast cancer detection is a crucial task in healthcare, as it aids in the early diagnosis and treatment of the disease. Through this project, we aim to explore and understand how the Naive Bayes classifier can be used for breast cancer detection.

naive-bayes-classifier

Last synced: 10 Apr 2025

https://github.com/nizarassad/stroke-prediction

This project studies the use of machine learning techniques to predict the long-term outcomes of stroke victims.

brain-stroke-prediction catboost decision-trees logistic-regression naive-bayes-classifier python random-forest svm xgboost

Last synced: 07 May 2025

https://github.com/devsinghsachan/investigating-text-classifiers

Investigating the Working of Text Classifiers - COLING 2018

lstm-networks naive-bayes-classifier neural-networks text-classification

Last synced: 06 Apr 2025

https://github.com/nisanurbulut/sairtanima-nlp

By running the naive bayes algorithm on 140 poems belonging to 7 poets, it was investigated which author could belong to the string given as input

author-recognition naive-bayes-classifier nlp pyton text-classification text-processing

Last synced: 29 Mar 2025

https://github.com/negativenagesh/spam-ham_email_detection_machine_learning

This project focuses on classifying spam/ham emails, using machine learning algorithms like LGR, NB, RF, DT etc.. and based on the accuracy score and precision score I chose logistic regression for the classification. And I have used streamlit for frontend.

app data-analysis data-cleaning data-engineering data-science data-visualization data-visualizations jupyter-notebook logistic-regression machine-learning modeling naive-bayes-classifier nlp python

Last synced: 12 Apr 2025

https://github.com/mardavsj/mushroom-classification

This repository classifies mushrooms as poisonous or edible using various machine learning algorithms

classification-algorithims decision-tree-classifier machine-learning-algorithms naive-bayes-classifier python support-vector-machine

Last synced: 08 Apr 2025

https://github.com/harshcasper/ling

⚤👨👸 Ling is a Machine Learning Application using Flask Micro Web Framework and Naive Bayes Classifier which can predict the Gender of a person by just using the name of the person.

flask gender gender-classification machine-learning naive-bayes-classifier web-application

Last synced: 20 Feb 2025

https://github.com/chen0040/java-naive-bayes-classifier

Package provides java implementation of naive bayes classifier

classification java naive-bayes-classifier

Last synced: 16 Dec 2024

https://github.com/rubaiyadnoorshahriar1999/wine-quality-testing--machine-learning

Keywords—classification, supervised learning, Random Forest, K-Nearest Neighbor(K-NN), Naïve Bayes, Decision tree, Support Vector machine

decison-trees jupyter-notebook knn-classification machine-learning machine-learning-algorithms naive-bayes-classifier python support-vector-machines wine-quality

Last synced: 02 Dec 2024

https://github.com/namratha2301/intrusiondetection

Intrustion Detection Models based on Internet Traffic Data obtained from the NSL-KDD Dataset

decisiontree gradient-boosting intrusion-detection mlp-classifier naive-bayes-classifier nsl-kdd randomforest scikit-learn

Last synced: 21 Jun 2025

https://github.com/rodneyshag/documentclassification

Spam classification and sentiment analysis on text documents.

machine-learning naive-bayes-classifier sentiment-analysis spam-classification

Last synced: 11 Apr 2025

https://github.com/dtroupe18/berkeleyclassificationproject

Berkeley Classification Project - http://inst.eecs.berkeley.edu/~cs188/sp11/projects/classification/classification.html

image-recognition machine-learning mira naive-bayes-classifier perceptron

Last synced: 03 Apr 2025

https://github.com/wolny/complement-naive-bayes

Implementation of Complement Naive Bayes text classifier used for automatic categorisation of DaWanda products

complement-navie-bayes document-classification machine-learning naive-bayes-classifier

Last synced: 25 Mar 2025

https://github.com/iiakshat/spam-mail-detection

A simple text classifier in Python that uses the Naive Bayes model to classify e-mails as spam or ham.

email-spam-filter machine-learning naive-bayes-classifier spam-classification spam-detection spam-filtering

Last synced: 06 Apr 2025