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

GitHub topics: bayes-classifier

Habib832/Kaggle-Fraud.ipynb

Kaggle-Fraud.ipynb :octocat: compares six machine learning models on the PaySim mobile money dataset to detect fraud amid severe class imbalance.

Language: Jupyter Notebook - Size: 539 KB - Last synced at: 22 days ago - Pushed at: 22 days ago - Stars: 0 - Forks: 0

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: 9 days ago - Pushed at: over 3 years ago - Stars: 18 - Forks: 26

neetmadann/Kaggle-Fraud.ipynb

Fraud Detection in Mobile Money Transactions using Machine Learning . A binary classification project comparing six models (Logistic Regression, Naive Bayes, Decision Tree, Random Forest, KNN, SVM) on the PaySim dataset. Includes data preprocessing, class balancing, feature importance analysis, and model evaluation (accuracy, precision, recall, F1-

Language: Jupyter Notebook - Size: 550 KB - Last synced at: about 1 month ago - Pushed at: about 1 month ago - Stars: 0 - Forks: 0

krishnadey30/Artificial_Intelligence_Codes

C codes for the Arificial Intelligence Course and algorithms.

Language: C - Size: 872 KB - Last synced at: 29 days ago - Pushed at: over 7 years ago - Stars: 9 - Forks: 2

Aerospace99/Prediction-Asthma-Diseases

This repository is a research project using the Kaggle database "Asthma Disease Dataset" by Rabie El Kharoua

Language: Python - Size: 871 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

katnissali/NaiveBayesModel

Naive Bayes Sentiment Analysis

Language: Python - Size: 1.95 MB - Last synced at: 4 months ago - Pushed at: 4 months ago - Stars: 0 - Forks: 0

yusufocaliskan/naive-bayes-classifier

The `NaiveBayesClassifier` is a custom implementation of the Naive Bayes classification algorithm, which is widely used for text classification tasks such as spam detection, sentiment analysis, and more.

Language: Python - Size: 60.5 KB - Last synced at: 4 months ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 1

MicheleCazzola/fingerprint-spoofing

Comparison of several machine learning classification models for a fingerprint spoofing task. Developed as academic project at Polytechnic of Turin, A.Y. 2023-24

Language: Python - Size: 14.4 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

M-Taghizadeh/Python-full-course

Full Python Programming Tutorials with Focus on artificial intelligence and machine learning

Language: Python - Size: 56.9 MB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 22 - Forks: 5

mikeroyal/Bayesian-Statistics-Guide

Bayesian Statistics Guide

Language: MATLAB - Size: 180 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 15 - Forks: 4

dayvonjersen/linguist

Detect programming language used in git repository. Go port of github linguist.

Language: Go - Size: 15.3 MB - Last synced at: 3 months ago - Pushed at: almost 2 years ago - Stars: 73 - Forks: 9

codebox/bayesian-classifier

A Naive Bayesian Classifier written in Python

Language: Python - Size: 22.5 KB - Last synced at: 3 months ago - Pushed at: almost 9 years ago - Stars: 103 - Forks: 45

muatik/naive-bayes-classifier

yet another general purpose naive bayesian classifier.

Language: Python - Size: 72.3 KB - Last synced at: 21 days ago - Pushed at: about 6 years ago - Stars: 172 - Forks: 71

s4kibs4mi/machine-learning-garage

Machine learning sample codes

Language: Kotlin - Size: 69.3 KB - Last synced at: 2 months ago - Pushed at: over 8 years ago - Stars: 2 - Forks: 0

digfound/ML-Experiments

整理记录本人担任课程助教设计的四个机器学习实验,主要涉及简单的线性回归、朴素贝叶斯分类器、支持向量机、CNN做文本分类。内附实验指导书、讲解PPT、参考代码,欢迎各位码友讨论交流。

Language: Python - Size: 4.54 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 115 - Forks: 32

dinever/antispam

Dead simple bayesian anti-spam classifier written in Python.

Language: Python - Size: 2.39 MB - Last synced at: 2 days ago - Pushed at: over 7 years ago - Stars: 102 - Forks: 22

thomasnield/bayes_user_input_prediction

Demonstration of using Naive Bayes to predict user inputs with Kotlin 1.2 std-lib

Language: Kotlin - Size: 3.58 MB - Last synced at: 5 months ago - Pushed at: almost 6 years ago - Stars: 26 - Forks: 3

Programming-from-A-to-Z/bayes-classifier-js

A JavaScript library for Bayesisan classification

Language: JavaScript - Size: 306 KB - Last synced at: 3 days ago - Pushed at: almost 8 years ago - Stars: 29 - Forks: 7

shubham0204/Bayes_Text_Classifier_with_Kotlin 📦

A basic Bayes Text Classifier written in Kotlin and can be used for classification purposes on Android.

Language: Kotlin - Size: 7.81 KB - Last synced at: 6 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 1

roisan13/classifier-bayes-naive

Bayes Naive Classifier for Movie Synopsis

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

odubno/gauss-naive-bayes

Gauss Naive Bayes in Python From Scratch.

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

fardinabbasi/Machine_Learning

Containing various ML projects, including image and text classification, clustering, regression, and neural networks. Projects include implementations of Random Forest, SVM, Decision Trees, EM algorithms, and advanced models like MLP and CNN, with datasets ranging from facial emotion detection to ECG signals and more.

Size: 23.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

davidgeorgewilliams/SushiNference-Bayes

Dive into the flavorful world of probabilistic sushi recommendations with SushiNference-Bayes! This innovative C# project leverages Bayesian inference and the Infer.NET library to predict and model sushi preferences, serving up a delicious blend of machine learning and culinary science.

Language: C# - Size: 1.4 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

Alssndr0/ML_Hospital_LOS

Classifiers Comparison: Decision Tree vs. Naïve Bayes for Predicting the Length of Hospital Stays (LOS)

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

giorgioroffo/bayes-classifier-with-GMM

Bayes Classifier with Gaussian Mixture Models to generate handwritten images

Language: Python - Size: 4.88 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 7 - Forks: 0

gsauthof/gonzofilter

a bayes classifying spam mail filter written in Go

Language: Go - Size: 77.1 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 15 - Forks: 2

erego/anomalydetection

Python package for anomaly detection techniques (frequency models, naive bayes, bayes classfiers, SVM))

Language: Python - Size: 10.3 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

alinamuliak/Naive-Bayes-Classifier

Implementation of Naive Bayes Classifier as a part of a lab on Probability and Statistics course.

Language: Python - Size: 1.34 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

zh3389/chatbot

知识图谱 neo4j 答案查找 + 机器学习 分类模型 问题分析 = 电影知识库问答机器人

Language: Python - Size: 2.76 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 73 - Forks: 15

MihhailSokolov/MachineLearning

Several machine learning classifiers implemented in Python

Language: Python - Size: 12.7 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

OlaPietka/Bayes-Classifier

Bayes classifier on custom datasets

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

trngbro/AI

Research AI - Lecturer: Nguyen Thanh An

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

carlosgorlongaiatto/LabAS_Project

Multinomial Naive Bayes classifier for fake news recognition.

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

Ar11rA/Final-Year-Project

A recommendations and prediction engine to make travel serivices easier for everyone.

Language: HTML - Size: 12.8 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 1

heydarimo/Intelligent-Systems-Course

This repository contains materials and course projects during attending the Intelligent Systems Course, for more detailed information please have a look at my Final_Report files which have been separately uploaded for each of the projects and consist of all required information about the implementations, analyses, and anything else you may concern about that!

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

mwielondek/BCPNN

An implementation of the Bayesian Confidence Propagation Neural Network (BCPNN)

Language: Python - Size: 289 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

arnabd64/classifier-comparison-1 📦

Language: Jupyter Notebook - Size: 758 KB - Last synced at: 4 months ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

WinPooh32/Naive-Bayes-Classifier

Naive Bayes classifier

Language: Python - Size: 9.77 KB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

anirban-code-to-live/tipr-first-assignment

Hola, amigos! Welcome to the first assignment of TIPR-2019.

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

naman0105/Recommendation-System-MEAN-Stack

A website to simulate book suggestion using Bayes rule

Language: HTML - Size: 6.54 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 2 - Forks: 0

mattcunningham/naive-apl

Naive Bayesian Classifier written in APL

Language: APL - Size: 2.93 KB - Last synced at: about 1 year ago - Pushed at: over 7 years ago - Stars: 22 - Forks: 6

yawlhead91/BayesianClassification_IMDB-movies

Multinomial Naive Bayes to classify movie reviews

Language: Python - Size: 22.1 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 0

yveskaufmann/Naive-Bayes

A Naive-Bayes Text classificator for the university

Language: JavaScript - Size: 453 KB - Last synced at: over 1 year ago - Pushed at: about 10 years ago - Stars: 0 - Forks: 0

cyberdrk/NaiveBayesClassifier

A Gaussian Bayesian Classifier

Language: Python - Size: 206 KB - Last synced at: 3 months ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

JakubVojvoda/bayes-classifier

Binary classification of images using Bayes classifier

Language: C++ - Size: 43 KB - Last synced at: 4 months ago - Pushed at: almost 9 years ago - Stars: 4 - Forks: 0

nekcht/ml-classic-scratch

Ordinary Least Squares, Ridge Regression, Expectation Maximization, Full Bayesian Inference, Bayes Classifiers, kNN, and MLP core algorithms from scratch. Some auxiliary functions are also used.

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

mrverde/msc_dissertation_santander

MSc. final dissertation. Dataset: Santander Costumer Satisfaction from kaggle.com https://www.kaggle.com/c/santander-customer-satisfaction

Language: R - Size: 3.72 MB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 1 - Forks: 2

ligb1023561601/NaiveBayesClassifier

Implementation of Naive Bayes Classifier

Language: Python - Size: 18.6 KB - Last synced at: almost 2 years ago - Pushed at: almost 8 years ago - Stars: 0 - Forks: 0

Yarlagadda-saimanoj/Stress-Detection-ML

Explore the world of machine learning-based stress detection in social media posts. This project leverages Python to classify text as 'Stress' or 'No Stress,' offering valuable insights into mental health analysis.

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

ptnplanet/Java-Naive-Bayes-Classifier 📦

A java classifier based on the naive Bayes approach complete with Maven support and a runnable example.

Language: Java - Size: 143 KB - Last synced at: almost 2 years ago - Pushed at: almost 5 years ago - Stars: 297 - Forks: 148

Ralireza/ml-newbie

simple implementation of machine learning algorithm in pyhton

Language: Python - Size: 4.97 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 12 - Forks: 1

FatemehNaeinian/Machine-Learning

This repository contains all Machine Learning course projects.

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

lahsiv22/ML-Python

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

lahari07/Fanorona

A machine learning agent that can automatically find the best move and play on the Fanorona board

Language: Python - Size: 65.4 KB - Last synced at: almost 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

kavyadevd/Face-Pose-Illumination-Classifier

Label classification for three datasets: Face, Pose and Illumination. Bayes Classifier, KNN Classier, Kerner SVM and Boosted SVM algorithms are written from scratch in Python. The results were evaluated and compared to understand the effectr of dimentionality reduction techniques including PCA, LDA and MDA validation using K-fold cross validation.

Language: Jupyter Notebook - Size: 12.1 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

Joshua-Robison/arizona-state-university

This repository contains coursework for an online certificate from Arizona State University in machine learning and artificial intelligence.

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

EslamAsHhraf/Neural-Network-Labs

🤖 My solutions to practice labs in Neural Network labs in Computer engineer department at Cairo University

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

FFMG/myoddweb.classifier

Microsoft Outlook automatic Spam Classifier, Classify emails as they arrive and move them to your own folders. Works on Office 356, Outlook 2016,2013 and 2010

Language: C# - Size: 26.8 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 13 - Forks: 2

piyushghai/Social-Influencers

The repository for CSE 5523 Course Project.

Language: Jupyter Notebook - Size: 12.4 MB - Last synced at: 4 months ago - Pushed at: over 8 years ago - Stars: 9 - Forks: 3

nuriu/FilmOneri 📦

Makine Öğrenmesi dersi dönem projesi.

Language: TypeScript - Size: 1.84 MB - Last synced at: about 2 years ago - Pushed at: over 8 years ago - Stars: 5 - Forks: 4

leminhtr/SY09

Data Mining & Data Analysis coursework - UTC - SY09 - Spring 2017

Language: PostScript - Size: 13.4 MB - Last synced at: about 2 years ago - Pushed at: about 8 years ago - Stars: 1 - Forks: 0

JamesHujy/spam_classification

Machine Learning homework

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

SanjarH/Sarcasm-Detection

Project made in Jupyter Notebook with "News Headlines Dataset For Sarcasm Detection" from Kaggle.

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

urastogi885/classify-it

Face recognition using various classifiers

Language: MATLAB - Size: 11.1 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 1

sschrunner/SSC-UC

Re-implementation of the SSC-UC method proposed by Schrunner et al. (2020)

Language: R - Size: 3.53 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

Prashant812/Data-Classification

Data Classification using K-Nearest Neighbour Classifier and Bayes Classifier with Unimodal Gaussian Density

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

KyriakosPsa/Classifiers-from-scratch

Implementation using ONLY the Numpy library of classifiers and the evaluation of their performance on the iris plant and the pima Indians diabetes datasets.

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

erfnzdeh/ML-Classifier-Project

A Simple ML Car Evaluation Application.

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

lelouisdevn/language-classification

Language: Python - Size: 5.55 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Sergimayol/naive-bayes-classifier

An educational implementation of a Naive Bayes Classifier in Java

Language: Java - Size: 24.4 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

AnoushkaVyas/MNIST-Data-Set-Basic-Classification

MNIST Data set classification

Language: Jupyter Notebook - Size: 1.52 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 0 - Forks: 0

MaryamSayed01/Machine-learning

Bayes Classifier from scratch on iris dataset, Linear regression from scratch on USA Housing Prices

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

rudikershaw/whichx

A small, no dependencies, Naive Bayes Text Classifier for JavaScript

Language: JavaScript - Size: 399 KB - Last synced at: 9 days ago - Pushed at: about 2 years ago - Stars: 38 - Forks: 6

ningchaoar/UnsupervisedTextClassification

基于关键词的无监督文本分类;Implementation for paper "Text Classification by Bootstrapping with Keywords, EM and Shrinkage" http://www.cs.cmu.edu/~knigam/papers/keywordcat-aclws99.pdf

Language: Python - Size: 209 KB - Last synced at: over 2 years ago - Pushed at: over 4 years ago - Stars: 23 - Forks: 8

faezehabibi66/Naive-Bayes

Predict Breast Cancer Wisconsin (Diagnostic) using Naive Bayes

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

SimonIyamu/Breast-Cancer-Prediction

Apply and evaluate some basic machine learning algorithms on breast cancer prediction.

Language: MATLAB - Size: 11.7 KB - Last synced at: about 2 years ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 3

bkhanal-11/machine-learning

Implementation of different applied machine learning algorithms from scratch with theory and details of implementation.

Language: Python - Size: 24.7 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

davpinto/master-thesis

My Master's thesis on Bayesian Classification with Regularized Gaussian Models

Language: R - Size: 40.7 MB - Last synced at: over 2 years ago - Pushed at: over 9 years ago - Stars: 2 - Forks: 1

LeiderCalvo/Datascience_BankCredits

I had to did my exam for my class of data analytics. Includinf different types of maching learning models

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

LeiderCalvo/Datascience_Telco

I created this notebook to training my datascience skills, ssing different automatic learning models

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

ricosandyca/bayes-text-classifier

(In development) Text classifier using Naive Bayes algorithm

Language: TypeScript - Size: 1.39 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

fabidick22/clasificationMethod-IA

Metodos de clasificacion. Redes Neuronales, Redes Bayesianas

Language: Python - Size: 3.99 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

kushalshm1/MachineLearning-StudyModules

Jupyter notebooks containing explanation of Machine Learning Algorithms

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

navreeetkaur/machine-learning-algorithms

Implementation of Machine Learning algorithms from scratch

Language: Java - Size: 6.67 MB - Last synced at: over 2 years ago - Pushed at: almost 7 years ago - Stars: 3 - Forks: 3

ljn1999/ECE368-Probabilistic-Reasoning

Course labs of ECE368 at the University of Toronto.

Language: Python - Size: 9.66 MB - Last synced at: over 2 years ago - Pushed at: about 5 years ago - Stars: 3 - Forks: 3

saurabhp369/Face_Recognition

This repository contains the code to implement different classifiers to achieve face recognition.

Language: Python - Size: 11 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

lukablaskovic/naive-bayes-spam_filter

Machine learning prediction algorithm. Project for Applied Statistics Course (FIPU).

Language: R - Size: 579 KB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 1

SimoneStefani/kth-dd2421 📦

Machine Learning (DD2421) at Royal Institute of Technology KTH

Language: Python - Size: 2.44 MB - Last synced at: over 2 years ago - Pushed at: almost 8 years ago - Stars: 6 - Forks: 4

97varun/ExtractiveTextSummarizer

Extractive text summarization

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

arranzropablo/Ingenieria-del-conocimiento 📦

Ingenieria del conocimiento

Language: JavaScript - Size: 3.81 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 0 - Forks: 0

jogadordabeira/BayesClassifier 📦

Naive Bayes Classifier in MatLab/Octave.

Language: MATLAB - Size: 114 MB - Last synced at: 9 months ago - Pushed at: about 6 years ago - Stars: 0 - Forks: 0

vtange/socket-chat 📦

simple chat interface built as intro to socket io, +nlp sentence classification based of Part-Of-Speech patterns

Language: JavaScript - Size: 74.2 KB - Last synced at: over 2 years ago - Pushed at: almost 9 years ago - Stars: 0 - Forks: 0

tobybreckon/cpp-examples-ml 📦

Legacy OpenCV Machine Learning Examples (2.4.x, C++)

Language: C++ - Size: 10 MB - Last synced at: over 2 years ago - Pushed at: over 7 years ago - Stars: 10 - Forks: 13

Ishmeet7/Data-Science-coursework

This repository contains assignments of Data science 3(IC272) course .

Language: Jupyter Notebook - Size: 1.2 MB - Last synced at: over 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

danielShz/Image-Classification

📊 Estatística e Probabilidade - Projeto 02 - 2022/02

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

khuyentran1401/KNN-and-Bayes-Classifier

The implementation and comparison of Optimal Bayes with symmetric loss and KNN Classifier

Language: Python - Size: 16.6 MB - Last synced at: 6 months ago - Pushed at: over 5 years ago - Stars: 1 - Forks: 1

R-Liebert/PageRank_Logistic_Regression_and_Bayes_Classifier

Portfolio 1 in FYS-2021 Machine Learning at UiT, The Arctic University.

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

andylvua/NaiveBayesClassifier

R implementation of Naive Bayes Classifier. P&S 1st Lab assignment

Language: HTML - Size: 5.83 MB - Last synced at: 3 days ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

experiencor/basic-machine-learning

Implementations of basic machine learning algorithms

Language: Jupyter Notebook - Size: 91.8 KB - Last synced at: 5 months ago - Pushed at: about 8 years ago - Stars: 4 - Forks: 4

fardage/Clasificar 📦

📑 Sort pdf documents automatically!

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

Related Keywords
bayes-classifier 184 machine-learning 78 python 43 naive-bayes-classifier 16 logistic-regression 16 bayes 14 classification 13 knn-classification 13 pca 11 data-science 11 naive-bayes 10 bayesian 10 machine-learning-algorithms 9 classifier 9 svm-classifier 8 linear-regression 8 decision-trees 8 neural-network 8 knn-classifier 8 nlp 8 support-vector-machines 7 svm 7 classification-algorithm 7 neural-networks 7 nodejs 6 python3 6 knn 6 decision-tree-classifier 6 naive-bayes-algorithm 6 bayesian-statistics 5 java 5 r 5 artificial-intelligence 5 deep-learning 5 random-forest 5 naive-bayes-classification 5 data-mining 5 supervised-learning 5 statistics 4 kmeans-clustering 4 text-classification 4 nltk 4 naive-bayes-implementation 4 expectation-maximization 4 regression 4 probability 4 sklearn 4 jupyter-notebook 4 k-means 4 k-nearest-neighbors 4 k-nearest-neighbours 4 k-means-clustering 4 scikit-learn 4 pca-analysis 3 nearest-neighbors 3 perceptron 3 kotlin 3 ml 3 javascript 3 natural-language-processing 3 iris-dataset 3 prediction 3 adaboost 3 decision-tree 3 matlab 3 gaussian-mixture-models 3 mda 3 gradient-descent 3 spam-classification 3 kaggle 3 principal-component-analysis 3 spam-detection 3 lda 3 sentiment-analysis 3 opencv 3 scikitlearn-machine-learning 3 bayesian-inference 3 bayesian-networks 3 bayesian-data-analysis 3 gmm 3 bayesian-methods 3 bayesian-network 3 ai 2 spam 2 hill-climbing 2 matplotlib 2 image-processing 2 k-nearest-neighbor-classifier 2 twitter 2 kmeans 2 fraudulent-transactions-detection 2 pandas 2 convolutional-neural-network 2 numpy 2 ia 2 spam-classifier 2 quadratic-discriminant-analysis 2 regression-models 2 ridge-regression 2 pattern-recognition 2