knn-classifier
There are 827 repositories under knn-classifier topic.
neeru1207/AI_Sudoku
GUI based Smart Sudoku Solver that tries to extract a sudoku puzzle from a photo and solve it
pavankalyan1997/Machine-learning-without-any-libraries
This is a collection of some of the important machine learning algorithms which are implemented with out using any libraries. Libraries such as numpy and pandas are used to improve computational complexity of algorithms
kennedyCzar/STOCK-RETURN-PREDICTION-USING-KNN-SVM-GUASSIAN-PROCESS-ADABOOST-TREE-REGRESSION-AND-QDA
Forecast stock prices using machine learning approach. A time series analysis. Employ the Use of Predictive Modeling in Machine Learning to Forecast Stock Return. Approach Used by Hedge Funds to Select Tradeable Stocks
ilia10000/LO-Shot
Papers and code related to 'Less Than One'-Shot (LO-Shot) Learning
thieu1995/mafese
Feature Selection using Metaheuristics Made Easy: Open Source MAFESE Library in Python
jonghough/jlearn
Machine Learning Library, written in J
Devtown-India/Yoga-Pose-Estimation-App
This is a Yoga Pose Estimation App which can be able to detect the yoga pose in real time by using posenet and KNN Classifier. Here the dataset used is custom data set which consists of 3 videos for representing 3 different postures. It is deployed in heroku. One Thing to be noted i.e this will work correctly for all mobile and edge devices.
Moeinh77/IBM-final-project-Machine-Learning
Final project of IBM's course https://www.coursera.org/learn/machine-learning-with-python on coursera
kortirso/elixir_learn_kit
Elixir library for machine learning
the-mrinal/ML-Notebook
Karma of Humans is AI
athiyadeviyani/IGAudit
#FakersGonnaFake: using simple statistical tools and machine learning to audit instagram accounts for authenticity
GroenteLepel/qiskit-quantum-knn
A pure quantum knn classifier for a gated quantum computer.
ksdkamesh99/KNN-Visualiser
It is a best Visualiser for implementing K-Nearest Neighbours Algorithm with 3 different classes i.e A,B,C. It is developed using ml5.js and p5.js.
thieu1995/MHA-FS
The biggest module developed with complete focus on Feature Selection (FS) using Meta-Heuristic Algorithm / Nature-inspired evolutionary / Swarm-based computing.
vzhomeexperiments/FALCON_A
Expert Advisor based on Falcon Template and kNN trading algorithm
zikry009/Diabetes_Prediction_Portal
Diabetes Prediction is my weekend practice project. In this I used KNN Neighbors Classifier to trained model that is used to predict the positive or negative result. Given set of inputs are BMI(Body Mass Index),BP(Blood Pressure),Glucose Level,Insulin Level based on this features it predict whether you have diabetes or not.
VenkateshBH99/Hybrid-Random-Forest-Linear-Model
Heart disease prediction using normal models and hybrid random forest linear model (HRFLM)
cabustillo13/Resolvedor-de-Sudoku
Resolver Sudoku de genina.com
NahidEbrahimian/Machine-Learning
Machine Learning algorithms Implementation from Scratch
Sparxxz/Recommendation-System-Collabrative-Filtering
Premier Experience for Loyal eCommerce Customers
mcabinaya/Bank-Marketing-Data-Analysis
Machine Learning/Pattern Recognition Models to analyze and predict if a client will subscribe for a term deposit given his/her marketing campaign related data
evernext10/Hand-Gesture-Recognition-Machine-Learning
Automatic method for the recognition of hand gestures for the categorization of vowels and numbers in Colombian sign language based on Neural Networks (Perceptrons), Support Vector Machine and K-Nearest Neighbor for classifier /// Método automático para el reconocimiento de gestos de mano para la categorización de vocales y números en lenguaje de señas colombiano basado en redes neuronales (perceptrones), soporte de máquina vectorial y K-vecino más cercano para clasificador
joshwcheung/csci-567
My solutions for the USC course CSCI 567: Machine Learning
deepanshu-Raj/Adaptive-Learning
This repo contains of various components of the Interactive web app : Edu Squad , designed on the theme of Adaptive Learning. Features are implemented, so as to help make the virtual Learning fun & efficient
earthat/Optimal-Feature-selection-for-KNN-classifier
This MATLAB code implements the binary Grass hopper optimization algorithm to select the features and train with KNN
Johnny-Knighten/k-nearest-neighbors
KNN using brute force and ball trees implemented in Python/Cython
nirab25/Insurance-Claim-Fraud-Detection
Insurance claim fraud detection using machine learning algorithms.
PancakePrediction/Pancake_Pridction_KNN
For Pancake Pridction, Try to use the machine learning algorithm KNN to predict it.
Ralireza/ml-newbie
simple implementation of machine learning algorithm in pyhton
ahmed2m/Age-estimation-project
A pattern recognition project to estimate age using KNN, SVM and CNN
SohelRaja/Customer-Churn-Analysis
Implementation of Decision Tree Classifier, Esemble Learning, Association Rule Mining and Clustering models(Kmodes & Kprototypes) for Customer attrition analysis of telecommunication company to identify the cause and conditions of the churn.
EngineersBox/NewsAggregator
A fast, searchable, knowledge engine using various machine learning models to aggregate based on importance, association and relevance
leihao1/Comparison-of-Machine-Learning-Prediction-Models
Compared different classification and regreesion models performance in scikit-learn by applying them on 20 datasets from UCL website.
pragmaticpython/k-nearest-neighbors-python
An implementation of the K-Nearest Neighbors algorithm from scratch using the Python programming language.
RoobiyaKhan/Classification-Models-Using-R
Various Classification models used are Logistic regression, K-NN, Support Vector Machine, Kernel SVM, Naive Bayes, Decision Tree Classification, Random Forest Classification using R