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

GitHub topics: knearest-neighbor-algorithm

Mr-MH0001/am-algorithm

# am-algorithmA fast and accurate Rust utility for matching anime titles against messy inputs. This tool supports multiple languages and offers various matching strategies to ensure precision in identifying shows. 🦀✨

Language: Rust - Size: 9.77 KB - Last synced at: 25 days ago - Pushed at: 25 days ago - Stars: 0 - Forks: 0

aryanparmarr/Credit-Card-Fraud-Detection

Credit card fraud is a significant problem, with billions of dollars lost each year. Machine learning can be used to detect credit card fraud by identifying patterns that are indicative of fraudulent transactions. Credit card fraud refers to the physical loss of a credit card or the loss of sensitive credit card information.

Language: Jupyter Notebook - Size: 0 Bytes - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

sylvaincom/C-for-data-science

C++ programming for Data Science. K-means clustering. K-nearest neighbor algorithm. Neural Networks.

Language: C++ - Size: 624 KB - Last synced at: 17 days ago - Pushed at: over 5 years ago - Stars: 4 - Forks: 3

hillalhar/customer-segmentation

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

Preethi2805/Customer-Churn

This project focuses on predicting customer churn for a telecommunications company using machine learning models. The dataset contains various features such as customer demographics, service usage, and billing information, which are used to predict whether a customer will churn (leave the service).

Language: Jupyter Notebook - Size: 1.62 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Niteshchawla/Movie-Recommender-System

To create a Recommender System to show personalized movie recommendations based on ratings given by a user and other users similar to them in order to improve user experience.

Language: Jupyter Notebook - Size: 1.01 MB - Last synced at: 4 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

rynanda/Regression-Classification-DeepNets

Regression analysing socio-economic data, multi-class classification of land types from spectral data, and training and adapting deep networks using the Street View House Numbers dataset.

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

thenomaniqbal/Diabetes-prediction

In this project, we try to predict whether someone is diabetic or not by using data mining techniques and approaches more accurately by combining the results of various machine learning (ML) techniques particularly K-Nearest Neighbors (KNN).

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

rehan-ankalgi-7t2/AI-ML-lab-programs

(VTU) aritficial Intelligence and machine learning practical programs and algorithms

Language: Jupyter Notebook - Size: 380 KB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

AYSE-DUMAN/KNN-Algorithm-Implementation-and-Applications

K Nearest Neighbors algorithm in Python and some applications

Language: Jupyter Notebook - Size: 297 KB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 5 - Forks: 0

Rcode879/Handwritten-digit-detector

A school machine learning project based on the Knearest neighbours model

Language: Python - Size: 2.66 MB - Last synced at: 9 days ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

KomangAndika/MLModel

This is my list of machine learning model, simple implementation nothing too advance. Happy learning

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

AnnettaQi/Recommendation-system-for-movies-using-ML-methods

Collaborative filtering algorithm to recommend movies to users

Language: Jupyter Notebook - Size: 357 KB - Last synced at: 4 months ago - Pushed at: 10 months ago - Stars: 1 - Forks: 0

owenm-26/springbreakr

A simplified and gamified way for college students to plan their trips

Language: TypeScript - Size: 1.22 MB - Last synced at: 2 months ago - Pushed at: 2 months ago - Stars: 1 - Forks: 0

ChiragVaghela10/digit_recognition

Language: Python - Size: 234 KB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

Abhinav330/ML-implementation-on-Classified-data

This repository implements a K-Nearest Neighbors (KNN) model in Python for predicting loan defaults. It analyzes the KNN_Project_Data dataset (features & binary target 'TARGET CLASS').

Language: Jupyter Notebook - Size: 4.24 MB - Last synced at: 5 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

ROHILLA-PR/Python-Machine-learning-project-

Analyzing the healthcare data and generating insights, along with it predicting whether a person is a smoker/drinker or not.

Language: Jupyter Notebook - Size: 16.4 MB - Last synced at: 11 months ago - Pushed at: 11 months ago - Stars: 0 - Forks: 0

garvitjain-02/admission-prediction-model

This repository shows ML Model to predict the Admission chances of a student based on some given features. The model is build using the best algorithm out of 4 popular Machine learning algorithms and the best was KNN Algorithm with an accuracy of ~95%. The dataset includes 7 key features for prediction such as GRE Score , University rating, etc.

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

arindrajitpatra/Bank_Loan_Approval_Prediction

Predict a customer is eligible for bank loan or not

Language: Jupyter Notebook - Size: 1.29 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 0 - Forks: 0

KunalRRathod/Placement-Predictor

A web application that is using machine learning technology to deliver results ensuring the students are getting placed in campus placements

Language: CSS - Size: 1.33 MB - Last synced at: about 2 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

amitjoshi9627/ScratchingML

Machine Learning algorithms from scratch

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

sasomoto/ML-Fault-Analysis-Algorithm-Comparision

This contains the code that I wrote while working on a personal project which was about a comparative analysis of K Nearest Neighbours and Random Forest algorithms by variation of parameters

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

ozlemkorpe/Machine-Learning-with-MATLAB

Machine Learning and Data Mining cheatsheet and example operations prepared in MATLAB

Language: MATLAB - Size: 134 KB - Last synced at: about 2 months ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 3

nikopetr/R-Star-Tree

Java Implementation of the R* Tree

Language: Java - Size: 8.7 MB - Last synced at: about 1 year ago - Pushed at: almost 5 years ago - Stars: 13 - Forks: 4

SarveshChandra/Machine-Learning-and-Artificial-Intelligence-Case-Studies

AIML Projects

Language: Jupyter Notebook - Size: 12 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 2 - Forks: 2

Saba-Gul/Comparative-Study-of-Predicting-Students-Adaptability-Level-in-Online-Education

Comparative Study of KNN and Decision Tree Models for Predicting Students' Adaptability Level in Online Education

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

Rajat-dhyani/charity_donors

In this project i used many supervised learning algorithms available in scikit-learn, and also provided a method of evaluating, just how each model works and performs on a certain type of data.

Language: HTML - Size: 693 KB - Last synced at: over 1 year ago - Pushed at: about 8 years ago - Stars: 2 - Forks: 3

tranhlok/k-nearest-neighbors 📦

Python code for k-nearest neighbors algorithm.

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

FG-ABC/CC-Fraud-Detection

Convolutional Neural Network and K-Nearest Neighbor models designed to detect fraudulent Credit Card Transactions

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

enesozi/ML-course-HW3

Implementation of Mixture of Gaussians and K-NN

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

nandukalidindi/SupervisedLearning

A collection of Supervised Machine Learning algorithms in Ruby

Language: Ruby - Size: 6.84 KB - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

punyajoy/K-nearest-neighbor-algorithm-modification

tried modifications of this algorithm in new domains

Language: Matlab - Size: 44.9 KB - Last synced at: over 1 year ago - Pushed at: about 7 years ago - Stars: 0 - Forks: 1

tagoreji/Movie-Ratings-Prediction-using-ML

Prediction of Movie ratings using ML Models

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

manjunath-satyamurthy/knn

A simple implementation of kNN / k nearest neighbour classification algorithm for demonstration purposes only.

Language: Python - Size: 1000 Bytes - Last synced at: over 1 year ago - Pushed at: over 8 years ago - Stars: 0 - Forks: 0

umangrmehta/image-orientation-classifier

Identifying Image Orientation using Supervised Machine Learning Models of k-Nearest Neighbors, Adaboost and Multi-Layer Feed-Forward Neural Network trained using Back-Propagation Learning Algorithm

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

dubeyynishant/Heart-Disease-Prediction

Heart Disease Risk Prediction using various ML Algorithms and comparing their accuracies

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

mudraverma65/HarmonizingHearts

Harmonizing Hearts: A Music-Based Compatibility Analysis

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

TiannaLopes/HockeyScore

Machine Learning with Sports

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

rkumar70900/Machine_Learning

Machine Learning Course Assignment Solutions.

Language: Python - Size: 3.93 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

divyanshsr/Music-Mood-Visualizer-using-Pipelines

In this project, we aim to visualize how different parameters of music affects a user's mood and we aim to determine the general mood associated with a given song. We have used multiple pipelines and algorithms to predict the parameters and their correlations.

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

ayushtiwari134/apparel_recommender_dl

This project utilizes transfer learning with TensorFlow's ResNet50 model to build an apparel recommendation system. The system scans images and displays the five closest items from the dataset on a Streamlit-based webpage.

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

Shipra-09/ML-Project-KNN-Classification

This Github repository contains projects related to KNN classification. Exploring Insights/Inferences by performing EDA on the given project data (Iphone purchase and Bangalore house price).

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

sharmapratik88/AIML-Projects

Projects I completed as a part of Great Learning's PGP - Artificial Intelligence and Machine Learning

Language: Jupyter Notebook - Size: 32.5 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 110 - Forks: 75

Sharifah-Malhan/Titanic-MLproject

in this project i worked on the famous Titanic dataset, from cleaning the data to analyzing it and training the model [with KNN algorithm] to evaluating it.

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

MacAindreis/Credit-card-Fraud-Detection

This is a mini Project on Credit Card Fraud Detection Web App. Using four Learning Algorithms

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

NikhilSKashyap/11-Projects-to-DataScience

In this 11 project series, we will explore Data Science concepts using different Kaggle datasets.

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

hernanrazo/scikit-learn-classifier 📦

A classifier that uses the scikit-learn library to predict whether the given measurements belong to a polar bear or a gray wolf.

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

Zabuzard/Closy

Closy is a library that provides fast and generic solutions for nearest neighbor search (NNS)

Language: Java - Size: 61.5 KB - Last synced at: 10 days ago - Pushed at: over 4 years ago - Stars: 4 - Forks: 1

chkrr00k/IshiVision

Computer Vision Based System to read the numbers in an Ishihara Plate test

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

frank-ezenwanne/SN-Bootcamp-projects

Some data science projects completed during my six months data science with Scholar Nurture.

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

srushtishimpi/breast-cancer-analysis

👩Women👩 and 🎗 Breast Cancer🎗: Analysis📊 and Detection🔍

Language: Jupyter Notebook - Size: 9.59 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - 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: almost 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Alli3d/knn_iris 📦

K Nearest Neighbours algorithm for iris dataset

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

savinay/Machine-Learning-Projects

Projects for my Machine Learning class on kNN, SVM, PCA, CNN and Decision Trees

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

madandahal/Bike-Sharing

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

sthsuyash/django-ibm

data science projects

Language: JavaScript - Size: 1.57 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 0 - Forks: 0

Jurian/nearest.neighbour

Using the K-Nearest Neighbor (KNN) model to interpolate non-overlapping datasets in time and space

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

st3v3nmw/knowledge-discovery 📦

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

lijesh010/ML_Project-Iris_Data_Species_Classification_Algorithms

This repository contains a machine learning project focused on the classification of Iris flower species using different Classification algorithms.

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

Gopinathalpha7/Machin-Learning_Notes

[ Simple steps to learn Machine learning models ]

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

abideen-olawuwo/loan

A loan prediction modes

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

Anjali-DA/Introduction-of-Machine-Learning

🏵️Getting started with Machine Learning🤖| ML algorithms📔| skitlearn| Prediction of new datasets from Kaggle📉

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

SarCode/ML-Code-Tutorials-Udemy

Complete Tutorial Guide with Code for learning ML

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

sohailahmedkhan/Phishing-Websites-Classification-using-Deep-Learning

A detailed comparison of performance scores achieved by Machine Learning and Deep Learning algorithms on 3 different Phishing datasets. 3 different feature selection and 2 different dimensionality reduction techniques are used for comparison.

Language: Jupyter Notebook - Size: 28.1 MB - Last synced at: over 2 years ago - Pushed at: almost 6 years ago - Stars: 14 - Forks: 9

ms-daniel/II-Projeto-IA

Esse pequeno projeto tem como objetivo fazer testes de acurácia com rede neural com apenas um neurônio sem classificadores e com 2 (dois) classificadores, sendo eles KNN e 1R.

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

zeynepozisil/Potability-of-Water

Machine Learning Project

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

simranfarrukh/sentimentanalysis

Sentiment Analysis Project using Count Vectorizer and TF-IDF Vectorizer

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

sahith/MachineLearning

MachineLearning

Language: Python - Size: 7.15 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 3 - Forks: 1

ravitejaCR7/Machine-Learning

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

alfianandinugraha/knn-iris

Simple algorithm K-Nearest Neighbors with Python and Sklearn

Language: Jupyter Notebook - Size: 4.88 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

mehmethalis/guess-music-genre

It's a machine learning model which guess genre of music

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

HarshMathur86/Diabetes-classification-KNNs-algorithm

A machnie learning model designed to predict the whether a patient will be diagnosed by diabetes or not by analyzing his/her past medical records

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

grvnair/knn-from-scratch

Created a Python program for K Nearest Neighbor Algorithm implementation from scratch. Determined the Euclidean distance between the data points to classify a new data point as per the maximum number of nearest neighbors. Implemented the algorithm on sklearn’s IRIS dataset which achieved an accuracy of 95.56%.

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

Sachin-D-N/Amazon_Food_Reviews

In this repository, I am practiced and implemented various machine learning algorithms using the real-world dataset amazon food reviews from Kaggle.

Language: Jupyter Notebook - Size: 20.1 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 4 - Forks: 7

fazeelkhalid/artificial-intelligence-real-life-problem-and-solutions

All solved lab of FAST NUCES Lahore campus _ 2022 Spring

Language: Jupyter Notebook - Size: 26.5 MB - Last synced at: over 2 years ago - Pushed at: almost 3 years ago - Stars: 6 - Forks: 13

Farooq-azam-khan/DeepLearning-MachineLearning 📦

A repository that contains multiple machine learning and deep learning algorithms.

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

JohanyCarmona/Python-MachineLearning-CustomerLoanPrediction 📦

Implementation to generate a model to predict the reliability of a loan to a customer using Statistical and Machine Learning classification techniques with Python, such as K Nearest Neighbor(KNN), Decision Tree, Support Vector Machine (SVM) and Logistic Regression. The bests weight parameters will be found according influence of Customer Loan Phenomenon.

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

11dome11/K-Nearest-Neighbors-and-Radius-Neighbors-Implementation

Application of my own KNN and RN algorithms (weighted or not) on iris dataset

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

adotg/knn-what-how-why

What is knn? How is knn done? Why is knn needed?

Language: Jupyter Notebook - Size: 302 KB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 11 - Forks: 7

alyswidan/FaceRecognition Fork of mohamedmahmoud97/FaceRecognition

Face recognition using PCA and LDA algorithms followed by KNN to search the embedding space.

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

CCWI/wifi-fingerprinting-app

Android App for indoor localization in large buildings based on RSS fingerprinting

Language: Dart - Size: 1.18 MB - Last synced at: over 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

jaiminjariwala/Random_Forest_Project_1

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

CoolerVoid/libfast_knn

C++ library of k-nearest neighbors algorithm (k-NN), faster because uses Armadillo lib

Language: C++ - Size: 66.4 KB - Last synced at: over 2 years ago - Pushed at: about 8 years ago - Stars: 9 - Forks: 2

msikorski93/Diamond-Price-Modelling-Based-on-Their-Attributes

The purpose of this notebook is to develop an automated function to predict the price of a diamond based on its given features (cut, color, dimensions, etc.). We will create a machine learning model which can estimate these values. We need to find continuous data, so we will perform a regression task. We will use supervised learning to find the prices.

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

anandanraju/Salary_Prediction_and_Analysis

K-nearest neighbors (KNN) is a type of supervised learning algorithm used for both regression and classification. KNN tries to predict the correct class for the test data by calculating the distance between the test data and all the training points. Then select the K number of points which is closet to the test data.

Language: Jupyter Notebook - Size: 85 KB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

anup-anny/NETFLIX-MOVIES-AND-TV-SHOWS-CLUSTERING

Unsupervised learning project (Clustering)

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

jinudaniel/machine-learning-examples

Some of the machine learning algorithms created from scratch or using frameworks like Keras.

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

Anas436/Loan-Case-will-be-Paid-OFF-or-NOT-Prediction-using-Classification-with-Python

Language: Jupyter Notebook - Size: 56.6 KB - Last synced at: 4 months ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

aryanraj2713/KNN-visualization

A casestudy about K-nearest-neighbors Algorithm

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

Naveen-Karanamu/Iphone-Purchase-Prediction

This is the prediction of the Purchasing of the IPhone based on different features of the Human's - KNN

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

tobiapoppi/flight-taxi-out-prediction-ML

A Machine Learning project about a regression problem for the prediction of Taxi-out time in flights, using 9 different ML models, with different algorithms and data-scaling.

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

mortezagholi79/Project_ML

Objective of the repository is to learn and build machine learning models using Python for data Personal Loan Acceptance( UniversalBank )

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

zzmtsvv/ml_sandbox

Language: Jupyter Notebook - Size: 422 KB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

Madhur215/ML-Algorithms-Without-Libraries

This repository contains the implementation of some machine learning algorithms without using the libraries available for them. Although the basic functions of some libraries are used.

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

AmritTripathi/Movie-Recommendation-System

This is a Movie Recommendation System made by me on Google Colab.

Language: Python - Size: 5.95 MB - Last synced at: 23 days ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

kshitijshrivastava1903/Data-Science-And-Machine-Learning-Projects

Used supervised and unsupervised machine learning algorithms for classification and regression tasks on real datasets

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

roshancyriacmathew/Supervised-machine-learning-on-iris-datatset

This python project explains on how to implement a supervised machine learning algorithm on the famous iris dataset. The different classifiers used in this project includes decision tree and k-nearest neighbors. For a complete explanation of this project, check out my video on this topic.

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

wrajvi/Algorithm-FashionRecommendationEngine

Fashion Recommendation Engine using Deep Learning.

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

shogunbanik18/Spam-Defender

Spam Detector is an online Email/SMS Spam Classifier based binary classification model to detect whether a text message is spam or not (i.e Ham).

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

aravindskumar98/Image-classification-using-hand-crafted-features

Hand crafted features and Learned Features for classification of faces on Yale32x32 dataset. LBP, HoG, SRC, Eigenfaces, Fischerfaces used with conventional ML algorithms

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

Related Keywords
knearest-neighbor-algorithm 151 machine-learning 55 python 33 logistic-regression 30 decision-trees 29 random-forest 24 linear-regression 24 knn 22 numpy 18 machine-learning-algorithms 17 knn-classification 16 support-vector-machines 16 pandas 16 svm 14 python3 14 neural-network 13 sklearn 12 knearest-neighbor-classifier 12 kmeans-clustering 11 naive-bayes-classifier 10 data-science 10 classification 9 scikit-learn 9 matplotlib 8 jupyter-notebook 8 decision-tree-classifier 7 knearest-neighbor-classification 6 clustering 6 gradient-descent 6 tensorflow 6 naive-bayes 6 seaborn 5 support-vector-machine 5 decision-tree 5 iris-dataset 5 supervised-learning 5 principal-component-analysis 4 adaboost 4 lasso-regression 4 random-forest-classifier 4 regression 4 supervised-machine-learning 4 sklearn-library 4 matplotlib-pyplot 4 keras 4 deep-learning 4 neural-networks 4 k 4 polynomial-regression 4 svm-model 4 svm-classifier 4 clustering-algorithm 4 exploratory-data-analysis 4 computer-vision 3 knn-classifier 3 matlab 3 gradient-boosting 3 nearest-neighbors 3 pca 3 opencv 3 tkinter 3 recommendation-system 3 tkinter-gui 3 perceptron 3 gaussian 3 digit-recognition 3 data-visualization 3 feedforward-neural-network 3 bagging 3 knearest-neighbors-classifier 3 machinelearning 3 natural-language-processing 3 stochastic-gradient-descent 3 linear-discriminant-analysis 3 artificial-intelligence 3 algorithm 3 cpp 3 machinelearningprojects 3 iris-classification 3 numpy-library 3 knn-regression 3 naive-bayes-algorithm 3 xgboost 3 apriori-algorithm 3 randomforest 2 tkinter-python 2 classification-algorithm 2 convolutional-neural-networks 2 eigenfaces 2 face-recognition 2 resnet-50 2 prediction 2 unsupervised-learning 2 statistics 2 sentiment-analysis 2 boosting 2 kmeans-clustering-algorithm 2 ensemble-learning 2 spectral-clustering 2 graph-algorithms 2