An open API service providing repository metadata for many open source software ecosystems.

Topic: "naive-bayes-algorithm"

surmon-china/naivebayes

NaiveBayes classifier for JavaScript

Language: JavaScript - Size: 524 KB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 143 - Forks: 8

Mayurji/MLWithPytorch

Objective of the repository is to learn and build machine learning models using Pytorch. 30DaysofML Using Pytorch

Language: Python - Size: 868 KB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 122 - Forks: 37

remykarem/mixed-naive-bayes

Naive Bayes with support for categorical and continuous data

Language: Python - Size: 167 KB - Last synced at: 29 days ago - Pushed at: 11 months ago - Stars: 68 - Forks: 7

niiknow/bayes

naive bayes in php

Language: PHP - Size: 47.9 KB - Last synced at: 5 days ago - Pushed at: about 3 years ago - Stars: 67 - Forks: 15

odubno/gauss-naive-bayes

Gauss Naive Bayes in Python From Scratch.

Language: Python - Size: 16.1 MB - Last synced at: 6 months ago - Pushed at: about 6 years ago - Stars: 45 - Forks: 21

PacktWorkshops/The-Machine-Learning-Workshop

An interactive approach to understanding Machine Learning using scikit-learn

Language: Jupyter Notebook - Size: 10.1 MB - Last synced at: about 1 month ago - Pushed at: 11 months ago - Stars: 38 - Forks: 48

gbroques/naive-bayes

A Python implementation of Naive Bayes from scratch.

Language: Python - Size: 61.5 KB - Last synced at: 8 days ago - Pushed at: about 7 years ago - Stars: 38 - Forks: 27

husnainfareed/simple-naive-bayes-weather-prediction

Simple naive bayes implementation for weather prediction in python

Language: Python - Size: 3.91 KB - Last synced at: 5 months ago - Pushed at: about 7 years ago - Stars: 27 - Forks: 31

CasperKristiansson/Elements-of-AI-Building-AI

All exercises for the course Elements of AI - Building AI

Language: Python - Size: 20.5 KB - Last synced at: 30 days ago - Pushed at: over 3 years ago - Stars: 20 - Forks: 26

amallia/GaussianNB

Gaussian Naive Bayes (GaussianNB) classifier

Language: Python - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 20 - Forks: 9

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.

Language: PHP - Size: 4.89 MB - Last synced at: about 6 hours ago - Pushed at: almost 2 years ago - Stars: 15 - Forks: 2

akashsethi24/Machine-Learning

Examples of all Machine Learning Algorithm in Apache Spark

Language: Scala - Size: 3.64 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 15 - Forks: 10

mohammadrobih/naive-bayes-text-classifier

Library PHP untuk klasifikasi teks Bahasa Indonesia menggunakan algoritma Naive Bayes Classifier (NBC)

Language: PHP - Size: 4.88 KB - Last synced at: 11 days ago - Pushed at: over 5 years ago - Stars: 14 - Forks: 5

hmlanden/TrafikiPy

An analysis of traffic accident data for the UK in 2014, using data from the UK Data Service. (Sourced from Kaggle with original data coming from UK Data Service. See wiki for complete citations.)

Language: Jupyter Notebook - Size: 5.53 MB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 12 - Forks: 6

UtkucanBykl/SofPythonBot

This Telegram-Bot answers python questions by using stackoverflow subjects.

Language: Python - Size: 98.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 11 - Forks: 6

krzjoa/bace

A deck of Naive Bayes algorithms with sklearn-like API šŸƒ

Language: Python - Size: 2.28 MB - Last synced at: 30 days ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 5

Aysenuryilmazz/Driver_Drowsiness_Detection

Driver drowsiness is one of the causes of traffic accidents. According to the statistics; highway road crashes hold 11.09% of the total number of accidents. There are several reasons of drowsy driving such as: a lack of quality of sleep, may be overnight driving or having sleep disorders e.g. sleep apnea. However; all people should know that: People can not fight against to sleep. Using Image Processing and both classical and new-brand Machine Learning techniques, we are trying to know beforehand the driver's drowsiness and warning him/her with an alert before any crash happened.

Language: Jupyter Notebook - Size: 123 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 7 - Forks: 6

Shaguns26/Fake-News-Detection

Fake News Detection-Naive Bayes Model

Language: Jupyter Notebook - Size: 40.2 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 4

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

Language: JavaScript - Size: 4.45 MB - Last synced at: 19 days ago - Pushed at: about 5 years ago - Stars: 7 - Forks: 4

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)

Language: Java - Size: 1.25 MB - Last synced at: about 1 month ago - Pushed at: almost 2 years ago - Stars: 6 - Forks: 4

vivek2319/mercy

Functions and code snippets to help save the time!

Language: Jupyter Notebook - Size: 2.21 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 7

aadimangla/Predicting-product-sales-through-ads

In simpler words we tell whether a user on Social Networking site after clicking the ad’s displayed on the website,end’s up buying the product or not. This could be really helpful for the company selling the product. Lets say that its a car company which has paid the social networking site(For simplicity we’ll assume its Facebook from now on)to display ads of its newly launched car.Now since the company relies heavily on the success of its newly launched car it would leave no stone unturned while trying to advertise the car. Well then whats better than advertising it on the most popular platform right now.But what if we only advertise it to the correct crowd.

Language: Python - Size: 12.7 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 6 - Forks: 1

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.

Language: Jupyter Notebook - Size: 29.9 MB - Last synced at: 28 days ago - Pushed at: 28 days ago - Stars: 5 - Forks: 0

zackhr/Twitter-Sentiment-Analysis-Covid-19

This work begins by collecting a dataset of tweets with twitter-streaming API regarding COVID-19 and classifying them according to the sentiment that is expressed: positive, negative or neutral

Language: Jupyter Notebook - Size: 16.6 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 5 - Forks: 4

Gaurav-Pande/Sentiment-Analysis

DL, ML, and Rule based approaches for Sentiment analysis

Language: Jupyter Notebook - Size: 851 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 5 - Forks: 2

gdfreitas/emotion-mining-python

Estudos sobre mineração de emoção em textos em Python

Language: Python - Size: 654 KB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 5 - Forks: 0

Swathiu/Sentiment-Analysis

A Sentiment Analyzer for a set of Hotel Reviews using Naive Bayes Algorithm

Language: Python - Size: 60.5 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 5 - Forks: 5

madhurimarawat/ML-Model-Datasets-Using-Streamlits

This repository contains my machine learning models implementation code using streamlit in the Python programming language.

Language: Jupyter Notebook - Size: 3.58 MB - Last synced at: 14 days ago - Pushed at: 14 days ago - Stars: 4 - Forks: 4

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: Python - Size: 11.5 MB - Last synced at: about 1 month ago - Pushed at: 9 months ago - Stars: 4 - Forks: 1

Paul-Andrew-15/ICC-2023-Worldcup-prediction

Predicting the champion of the 2023 Cricket World Cup through the implementation of the Random Forest algorithm.

Language: Jupyter Notebook - Size: 1.06 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

NehaPant14/Loan-Prediction

Loan Prediction using Classification Techniques

Language: Jupyter Notebook - Size: 8.74 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

sushriyamogasala/wine-quality-prediction

Our project utilizes the advanced algos such as Random Forest, Decision Tree, Gaussian NB,KNN,SVM to analyze various factors and attributes of wine samples, enabling us to predict their quality with remarkable precision.Whether you're a wine enthusiast or a producer looking to optimize quality control, this project is your go-to resource.

Language: Jupyter Notebook - Size: 1.66 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

bsef19m521/100-Days-of-Machine-Learning

"100-days-of-machine-learning" is a repository containing a comprehensive guide to Machine Learning, covering the basics and advanced topics, with daily exercises and real-world examples for 100 days.

Language: Jupyter Notebook - Size: 430 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

shubham0204/GaussianNaiveBayes_Android_App šŸ“¦

A simple implementation of the Gaussian Naive Bayes algorithm in Android ( with Kotlin ).

Language: Kotlin - Size: 960 KB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 4 - Forks: 0

sumansid/Naive-Bayes-Classifier-Algorithm

Naive Bayes Classifier Algorithm used for Spam email classification (Trained using Spam Assassin Corpus). This algorithm is based on Multinomial Naive Bayes.

Language: Jupyter Notebook - Size: 10.2 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 4 - Forks: 0

ikanurfitriani/Diabetes-Prediction

This repository contains code archives for Diabetes Prediction with Machine Learning

Language: Jupyter Notebook - Size: 4.31 MB - Last synced at: about 1 month ago - Pushed at: 2 months ago - Stars: 3 - Forks: 1

AashutoshSINHA/Predictive-Analysis-Using-Social-Profile-in-Online-P2P-Lending

Online peer-to-peer (P2P) lending markets enable individual consumers to borrow from, and lend money to, one another directly. We study the borrower-, loan- and group- related determinants of performance predictability in an online P2P lending market by conceptualizing financial and social strength to predict borrower rate and whether the loan would be timely paid

Language: Jupyter Notebook - Size: 2.44 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 3 - Forks: 2

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.

Language: C++ - Size: 20.5 KB - Last synced at: about 1 month ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

dev-Roshan-lab/covid-screener

Well all it asks, are your symptoms to diagnose your risk toward covid-19

Language: Python - Size: 15.6 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 3 - Forks: 1

LaxmiChaudhary/Classifying-silhouettes-of-vehicles

Unsupervised Learning (PCA) on Vehicle dataset

Language: Jupyter Notebook - Size: 4.68 MB - Last synced at: 8 months ago - Pushed at: over 5 years ago - Stars: 3 - Forks: 10

iliyaML/naive-bayes-spam-detector

A progressive web app (PWA) that detects spam messages using the Naive Bayes algorithm. Demo: http://spamdetector.herokuapp.com/

Language: JavaScript - Size: 2.21 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3

adwansyed/Machine-Learning-Naive-Bayes-Spam-Emails

JavaFX application detecting whether files are spam or not using Naive Bayes filtering

Language: Java - Size: 12.4 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 3 - Forks: 4

azagniotov/language-detection

This is a refined and re-implemented version of the archived plugin for ElasticSearch elasticsearch-langdetect, which itself builds upon the original work by Nakatani Shuyo, found at https://github.com/shuyo/language-detection. The aforementioned implementation by Nakatani Shuyo serves as the default language detection component within Apache Solr.

Language: Java - Size: 18.2 MB - Last synced at: 4 days ago - Pushed at: 9 days ago - Stars: 2 - Forks: 0

MaklonFR/PredictiveAnalytics-StudentsPerformance

Submission Dicoding Indonesia - Machine Learning Terapan (Predictive Students Analytics)

Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 2 - Forks: 0

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

Language: Jupyter Notebook - Size: 51.9 MB - Last synced at: 2 months ago - Pushed at: 8 months ago - Stars: 2 - Forks: 0

jabhij/PredictiveModelling_Cricket

Using past Sport (Cricket) data to predict next win for Team India, in any format of the cricket.

Language: Python - Size: 53.7 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 1

hasitha087/textClassification-deploy-AML

This demonstrate how to deploy text classification model on Azure Machine Learning Services using azureml-sdk.

Language: Python - Size: 21.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

ADVAIT135/Global_AI_ML

Notebooks for Global AI Hub ML course in Aug 2022

Language: Jupyter Notebook - Size: 160 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 2 - Forks: 0

sanchitsgupta/naive-bayes-classifier

An implementation of the Naive-Bayes-Classifier algorithm in C++.

Language: C++ - Size: 688 KB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 1

Abhishek-N/SMS-Spam-Detection-using-ML

SMS Spam and Ham Detection using Multinomial Naive Bayes Algorithm.

Language: Jupyter Notebook - Size: 261 KB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

ngun7/Sentiment-Analysis

This repo helps you to implement sentiment analysis on any text data using two machine learning algorithms Logistic Regression and Naive Bayes

Language: Jupyter Notebook - Size: 74.2 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 4

VipinJain1/VIP-K-Nearest-Neighbors-Naive-Bayes-Logistic-Linear-Regression

Language: Jupyter Notebook - Size: 22.7 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 1

Baticsute/BLASTRec

Recommendation System support Farmer to prevent The Blast Disease ( Type of Rice Disease )

Language: Python - Size: 83 KB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

ReydVires/naive-bayes-classification

The Naive Bayesian classifier

Language: Lua - Size: 157 KB - Last synced at: 3 months ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

shawon100/Website-URL-Classification

URL classification by Naive Bayes algorithm

Language: Jupyter Notebook - Size: 90.8 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

andi611/Naive-Bayes-and-Decision-Tree-Classifiers

Naive Bayes and Decision Tree Classifiers implemented with Scikit-Learn and Graphviz visualization (Datasets - News, Mushroom, Income)

Language: Python - Size: 16.5 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 2

Mayurgupta3/Using-Project-Jupyter-and-Machine-learning-to-optimize-the-Prediction-of-Diabetes

The Project uses Pima Indians diabetes data set to predict whether a patient will have diabetes or not based upon patient’s lab test result variables like Glucose, Blood Pressure, etc. using CART decision tree algorithm and K-Nearest Model achieving 75% accuracy. The project involved the use of Python-Scikit Learn, SciPy, Pandas, MatPlotLib and the Jupyter Environment.

Language: Jupyter Notebook - Size: 241 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 2 - Forks: 0

leuthier/pbd_ufrpe

Vou de Que? - Algoritmo para analisar o sentimento referente a Uber, Cabify e 99pop

Language: Python - Size: 499 KB - Last synced at: about 1 year ago - Pushed at: almost 8 years ago - Stars: 2 - Forks: 1

ReiiYuki/ml-activity-naive-bayes

Text Classification by Naive Bayes

Language: Python - Size: 22 MB - Last synced at: about 1 month ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 0

sarthakagarwal18/Spam-Classifier

Used for classifying whether an email is a spam or a ham.

Language: Jupyter Notebook - Size: 747 KB - Last synced at: about 1 year ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

RYANFRANKLIN237/Data-science-ml

trained ML and DL models to give accurate classifications,predictions and recommendations

Language: Jupyter Notebook - Size: 1.14 MB - Last synced at: 12 days ago - Pushed at: about 1 month ago - Stars: 1 - Forks: 0

ankushmallick1100/A-COVID-19-Infection-Rate-Detection-Technique-using-Bayes-Probability

A COVID-19 Infection Rate Detection Technique Using Bayes Probability

Language: C - Size: 7.81 KB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 1 - Forks: 0

ajla-brdarevic/zadace-iz-vjestcke-inteligencije

Zadaće iz predmeta VjeÅ”tačka inteligencija - PTF UNZE SI II Ciklus I Semestar 2024/25

Language: Jupyter Notebook - Size: 2.61 MB - Last synced at: 3 months ago - Pushed at: 4 months ago - Stars: 1 - Forks: 0

juanhuaco/sleep-disorder-prediction-models

Features Engineering and application of ML algorithms (KNN, GaussianNB, Decision Tree, Random Forest)

Language: Jupyter Notebook - Size: 178 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

GazDuckington/sensi

analisis sentimen bahasa Indonesia menggunakan naive-bayes

Language: Python - Size: 178 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 1 - Forks: 1

riddhigupta1110/DataWarehousingAndMining-V-MU-CSE

Codes for Practical experiments of Data Warehousing and Mining (Semester V - Computer Engineering - Mumbai University)

Language: Python - Size: 24.4 KB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

HarshitLaloriya/SMS-Classification-Model

In this ML project i have used Natural language processing (NLP) techniques and other data preprocessing techniques to feed my Machine Learning Algorithm a good data, and deploy it using flask.

Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

GiorgosG1an/Bayes-Network-And-Classifier

Implementation of Bayes Networks for probability evaluation and Naive Bayes Classifier for the classification of spam/ham emails.

Language: Python - Size: 664 KB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 1 - Forks: 0

gustavecortal/naive-bayes

Python implementation of naive bayes from scratch and using scikit-learn

Language: Jupyter Notebook - Size: 42 KB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

Armando-Velasquez/Predicciones-de-Genero

Algoritmo de predicción para géneros en base al nombre de una persona

Language: Jupyter Notebook - Size: 105 KB - Last synced at: 19 days ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

israel-nogueira/naivebayes

Componente central de processamento de linguagem natural, voltado para aplicaƧƵes de aprendizado de mƔquina.

Language: PHP - Size: 34.2 KB - Last synced at: 2 months ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

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.

Language: Python - Size: 979 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

arnab7070/spampred

API based on flask using machine learning to detect spam comments. Use the URL for POST request

Language: Python - Size: 210 KB - Last synced at: 12 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

pierogio/ML_classification

Machine learning classification applied to wine recognition data.

Language: Jupyter Notebook - Size: 5.76 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Anshul21107/SMS-Spam-Classifier

SMS Spam Classifier is a machine learning project that classifies SMS messages as either spam or not spam (ham).

Language: Jupyter Notebook - Size: 891 KB - Last synced at: 2 months ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Neo-Zenith/text-message-sentiment-analyzer

A mini-project on emotion classification using NLP for the course SC1015: Introduction to Data Science & Artificial Intelligence.

Language: Jupyter Notebook - Size: 52.6 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 3

Arun998/MACHINE-LEARNING

Machine learning Algorithms

Language: Jupyter Notebook - Size: 551 KB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

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.

Language: Jupyter Notebook - Size: 4.24 MB - Last synced at: about 2 months ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

donlapark/Dirichlet-Mechanism

The Dirichlet Mechanism for Differentially Private KL Divergence Minimization

Language: Jupyter Notebook - Size: 5.27 MB - Last synced at: about 2 months ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Shangamesh2805/HeartDiseasePrediction

Heart disease is a major global health concern that affects millions of people around the world. Early detection and accurate prediction of heart disease can help to prevent the progression of the disease and save lives. In this project, we aim to develop a predictive model for heart disease using various machine learning algorithms.

Language: Jupyter Notebook - Size: 53.7 KB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

afafirmansyah/artificial-intelligence

Basic AI techniques include rule-based systems, decision trees, and search algorithms

Language: Jupyter Notebook - Size: 193 KB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

PrathameshDhande22/NaivePY šŸ“¦

Naive Bayes Algorithm Module for python. https://pypi.org/project/naivepy/

Language: Python - Size: 31.3 KB - Last synced at: 21 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

JBris/sentiment_analysis_examples

Several examples of sentiment analysis algorithms for textual data.

Language: Python - Size: 160 MB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

efecanxrd/Naive-Bayes-Algorithm-From-Scratch

Naive Bayes Algorithm From Scratch

Language: Python - Size: 4.88 KB - Last synced at: 2 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Ansh-create/BULLYING-COMBAT-OF-CYBERBULLYING-WITH-THE-HELP-OF-AI

Through this project I proposed a cyberbullying detection model whereby several model like NaĆÆve Bayes, SVM, DNN model is used. In addition to it , numerous methods of text classification based on Artificial Intelligence were investigated ,This experiment trial test were conducted on a global Twitter dataset which I fetched from Kaggle. The experiment of this model results indicate that through this we achieved the best accuracy and accurate score with minute loss in our dataset, also their classification accuracy and loss are 96.82% and 0.1375, respectively. Future direction is properly based on or we can say working on cyberbully detection in various languages. Also to work on automatic detect from twitter without using the raw dataset.

Language: Jupyter Notebook - Size: 15.2 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

hussam95/Portfolio

Data Scientist Portfolio (ongoing)

Size: 1.61 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

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

Language: Java - Size: 175 KB - Last synced at: 3 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

HenyerM/Building-a-Spam-Filter-with-Naive-Bayes

In this project, we're going to build a spam filter for SMS messages using the multinomial Naive Bayes algorithm. Our goal is to write a program that classifies new messages with an accuracy greater than 80% — so we expect that more than 80% of the new messages will be classified correctly as spam or ham (non-spam). Please watch the follow youtube video for more info about the Naive Bayes Theorem. https://www.youtube.com/watch?v=O2L2Uv9pdDA

Language: Jupyter Notebook - Size: 241 KB - Last synced at: 5 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

S-Oktay-Bicici/Machine-Learning

Machine Learning ve Python: A'dan Z'ye Makine Ɩğrenmesi

Language: Python - Size: 89.8 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

kalthommusa/Udacity-Intro-to-ML-with-TensorFlow

This repository contains my collections of labs' notebooks from Udacity's Intro to ML with TensorFlow.

Language: Jupyter Notebook - Size: 1.1 MB - Last synced at: 2 months ago - Pushed at: about 3 years ago - Stars: 1 - Forks: 0

shubov/machine-learning-lab-ss-21

Sklearn-like python package with class implementations of different ML algorithms

Language: Jupyter Notebook - Size: 56.6 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Sophy8281/ml-agorithms

Implementation of various machine learning algorithms

Language: Python - Size: 300 KB - Last synced at: 2 months ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

Sarthak-Mohapatra/US-Airlines-Tweets-Sentiment-Analysis

Classifying a tweet as positive, neutral, or negative sentiment using Natural Language Processing (CBOW approaches) and Traditional Machine Learning Algorithms.

Language: Jupyter Notebook - Size: 1.76 MB - Last synced at: about 1 year ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

billy-moore-98/spam_filter

Development of a spam filter using a custom multinomial Naive Bayes algorithm.

Language: Jupyter Notebook - Size: 302 KB - Last synced at: almost 2 years ago - Pushed at: almost 4 years ago - Stars: 1 - Forks: 0

vaitybharati/Reviews_Classification_Naive_Bayes

Data Cleaning, N-gram, WordCloud, Applying naive bayes for classification, Using TFIDF

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

abdullah-abunada/image_classification

The goal of this project is to build a web application that will be trained on a set of labeled flower images to make predictions on the given input.

Language: JavaScript - Size: 50.2 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

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: about 2 years 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: about 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: 6 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

jayskhatri/algo-implementation

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

Related Topics
machine-learning 116 naive-bayes-classifier 106 python 73 naive-bayes 61 machine-learning-algorithms 48 logistic-regression 46 naive-bayes-classification 39 python3 32 decision-trees 30 random-forest 29 linear-regression 25 nlp 24 naive-bayes-implementation 21 jupyter-notebook 20 knn-algorithm 19 natural-language-processing 18 data-science 17 sklearn 17 pandas 17 classification 16 classification-algorithm 15 knn 15 sentiment-analysis 14 knn-classification 14 decision-tree 13 numpy 13 artificial-intelligence 12 supervised-learning 11 decision-tree-classifier 11 svm 11 text-classification 10 nlp-machine-learning 10 support-vector-machines 9 spam-detection 9 java 9 scikit-learn 9 nltk 8 support-vector-machine 8 r 8 data-mining 8 svm-classifier 8 neural-network 8 logistic-regression-algorithm 8 machinelearning 7 classifier 7 multinomial-naive-bayes 7 naivebayes 7 ml 7 matplotlib 7 ai 7 flask 7 data-visualization 6 knn-classifier 6 k-means-clustering 6 seaborn 6 svm-model 6 naive 6 sentiment-classification 6 bayes 6 random-forest-classifier 6 scikitlearn-machine-learning 6 deep-learning 6 spam-filtering 6 data-analysis 6 bayes-classifier 6 algorithm 6 tf-idf 5 ridge-regression 5 k-nearest-neighbours 5 cross-validation 5 neural-networks 5 clustering-algorithm 5 sklearn-library 4 tensorflow 4 text-mining 4 spam-filter 4 iris-dataset 4 flask-application 4 gaussian-mixture-models 4 nltk-library 4 maximum-likelihood-estimation 4 algorithms 4 kmeans-clustering 4 python-3 4 kmeans-algorithm 4 lasso-regression 4 pca 4 wordcloud 4 kaggle 4 tfidf-vectorizer 4 gradient-descent 4 prediction 4 data-mining-algorithms 4 decision-tree-algorithm 4 regression-models 4 data-cleaning 3 supervised-machine-learning 3 confusion-matrix 3 knearest-neighbor-algorithm 3 gaussian-naive-bayes-implementation 3