Topic: "gaussian-naive-bayes-implementation"
bamtak/machine-learning-implemetation-python
Basic Machine Learning implementation with python
Language: Jupyter Notebook - Size: 2.67 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 63 - Forks: 48

ShaishavJogani/Naive-Bayes-Classfier
Implemantation of Gaussian Naive Bayes Calssifier in Python from scratch. (No advanced library)
Language: Python - Size: 38.1 KB - Last synced at: almost 2 years ago - Pushed at: over 7 years ago - Stars: 19 - Forks: 13

vamc-stash/Naive-Bayes
Implements Naive Bayes and Gaussian Naive Bayes Machine learning Classification algorithms from scratch in Python.
Language: Python - Size: 44.6 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 11 - Forks: 7

abhinav-bohra/NaiveBayes
Implementation of Gaussian and Multinomial Naive Bayes Classifier using Python, Pandas, and NumPy without using any off the shelf library usi
Language: Jupyter Notebook - Size: 116 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

felipexw/guessb
Webapp para classificar comentários (positivos, negativos e neutros) advindos do Facebook usando Natural Language Toolkit (NLTK) + Django e Bootstrap na interface Web.
Language: Python - Size: 10.3 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

sdeepaknarayanan/Machine-Learning 📦
Assignments of the ML Course at IIT Gandhinagar
Language: Jupyter Notebook - Size: 32.6 MB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 4 - Forks: 1

shrutisaxena0617/Yelp-Restaurant-Classification-and-Sentiment-Analysis
A deep dive into Yelp customers' reviews and ratings to perform sentiment analysis and classify restaurants
Language: Jupyter Notebook - Size: 6.75 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 4 - Forks: 2

iamjagdeesh/Machine-Learning-Assignments
CSE 575 Statistical Machine Learning
Language: Python - Size: 15.3 MB - Last synced at: almost 2 years ago - Pushed at: about 7 years ago - Stars: 4 - Forks: 4

jieyima/US_Census_Income_Classification
Machine learning classification algorithm on predicting whether an individual earns >50K or not given their demographic variations.
Language: Jupyter Notebook - Size: 5.13 MB - Last synced at: 17 days ago - Pushed at: over 7 years ago - Stars: 4 - Forks: 1

ishaanjav/Python-ML-Facial-Recognition
This repository contains the Python code for implementing facial recognition in Jupyter Notebook using both Machine Learning classification algorithms and neural networks. It also contains a CSV of facial data for classifying faces using the Python code. Feel free to copy the files and start recognizing faces!
Language: Jupyter Notebook - Size: 271 KB - Last synced at: about 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 6

samtwl/Machine-Learning
This repository contains several machine learning projects done in Jupyter Notebooks
Language: Jupyter Notebook - Size: 8.08 MB - Last synced at: almost 2 years ago - Pushed at: almost 6 years ago - Stars: 3 - Forks: 1

eeddaann/data-mining-project
Language: Jupyter Notebook - Size: 7.04 MB - Last synced at: 2 months ago - Pushed at: over 7 years ago - Stars: 3 - Forks: 3

codevibess/parallel-stacking-classifier
Stacking Classifier with parallel computing architecture based on Message Passing Interface.
Language: Python - Size: 132 MB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

KarthikMurugadoss1804/Prediction-of-customer-churn
In this project I intend to predict customer churn on bank data.
Language: Jupyter Notebook - Size: 939 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

himansh18131018/flower-classification-using-machine-learning-algorithm
Language: Jupyter Notebook - Size: 14.4 MB - Last synced at: over 1 year ago - Pushed at: about 5 years ago - Stars: 2 - Forks: 0

naanuunknownu/Naive-Bayes-classifier
A python program that implements the gaussian naive bayes algorithm
Language: Python - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 6

prabaprakash/Social-Network-Privcay-Preserving
Perturbation based Technique for Privacy Preserving Social Network Data
Language: Java - Size: 6.45 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 0

tonyvargese/data-anonymisation-differential-privacy
Language: Python - Size: 5.16 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 1

AmanSinghBhogal/NasaNEO_Classification
This project presents a comparative study of Quantum Naive Bayes and Classical Gaussian Naive Bayes algorithms applied to the NASA Nearest Earth Object Dataset.
Language: Jupyter Notebook - Size: 7.62 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 1

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

saratbhargava/ECE219-Large-Scale-Data-Mining-UCLA
These codes are written as a part of ECE219 Large Scale Data Mining course at UCLA.
Language: Jupyter Notebook - Size: 2.94 MB - Last synced at: over 2 years ago - Pushed at: almost 5 years ago - Stars: 1 - Forks: 1

suryanktiwari/Multiclass-Naive-Bayes-Classifier
Implementation of a multi class Gaussian Naive Bayes classifier in python from scratch.
Language: Python - Size: 139 KB - Last synced at: almost 2 years ago - Pushed at: about 5 years ago - Stars: 1 - Forks: 0

prateeksawhney97/MNIST-Classification-Multinomial-vs-Gaussian-Naive-Bayes
Classification using Multinomial and Gaussian Naive Bayes
Language: Jupyter Notebook - Size: 89.8 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 0

murak038/finding_donors
In this project, I used supervised learning to build an algorithm to best identify potential donors for CharityML while reducing overhead cost of sending letters.
Language: Jupyter Notebook - Size: 489 KB - Last synced at: almost 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

MeqdadDev/Numbers-Recognition-by-Naive-Bayes-classifier
A Python program to classify statistical data about the handwritten numbers.
Language: Python - Size: 4.88 KB - Last synced at: 3 months ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 1

IlyasHabeeb/Machine_Learning
These are assignments related to the graduate course, 'Machine Learning' at NYU by Professor Hellerstein
Language: Jupyter Notebook - Size: 15.4 MB - Last synced at: about 2 years ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

cyberdrk/NaiveBayesClassifier
A Gaussian Bayesian Classifier
Language: Python - Size: 206 KB - Last synced at: 2 days ago - Pushed at: about 7 years ago - Stars: 1 - Forks: 0

CosmoJelly/Face-Recognition-Algorithms-Analysis
Using K-Nearest Neighbour (KNN) and Support Machine Vector (SVM) to compare analysis on a subset of the CMU Pose, Illumination, and Expression (PIE) Dataset.
Language: Jupyter Notebook - Size: 2.26 MB - Last synced at: about 2 months ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

ac005sheekar/Breast-Cancer-Detection-with-Pixel-Intensity
This is a Breast Cancer Detection project with unsupervised learning algorithmic approaches alongside Naive Bayes Classifier Algorithm, Logistic Regression and GaussianNB.
Language: Python - Size: 15.6 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

martian1231/gaussianNaiveBayesFromScratch
Gaussian Naive Bayes classification algorithm from scratch in python.
Language: Jupyter Notebook - Size: 20.5 KB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

azeema2511/gaussian-naive-bayes
A simple program using gaussianNB Classification technique to predict data
Language: Jupyter Notebook - Size: 3.91 KB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 1

dushyant18033/Gaussian-Naive-Bayes-Implementation-ML-Assignment
Gaussian Naive Bayes Basic Implementation In Python. Kindly refer to the PDF report for in depth discussion.
Language: Python - Size: 15.2 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

saadbinmanjur/Kaggle-Competition-Santander-Customer-Transaction-Prediction
The Santander Customer Transaction Prediction is a competition for beginners of ML learners.
Language: Jupyter Notebook - Size: 3.76 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

geekquad/Naive-Bayes-Classification-from-Scratch
A basic project to implement Gaussian Naive Bayes.
Language: Jupyter Notebook - Size: 7.81 KB - Last synced at: 3 months ago - Pushed at: almost 5 years ago - Stars: 0 - Forks: 0

codekhal/DNA-Classification
Exploring the world of Bioinformatics using various machine learning algorithms
Language: Jupyter Notebook - Size: 79.1 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

prateeksawhney97/Gaussian-Naive-Bayes
Performing a classification task using Gaussian Naive Bayes
Language: Jupyter Notebook - Size: 66.4 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

skhiearth/Gaussian-Naive-Bayes
Implementing a Gaussian Naive Bayes classifier in Python and R
Language: Python - Size: 5.86 KB - Last synced at: over 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

arubiales/bayes_model
Fast explication of Gaussian NB
Language: Jupyter Notebook - Size: 10.7 KB - Last synced at: about 1 year ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0
