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

GitHub topics: knearest-neighbors

attcs/Octree

Octree/Quadtree/N-dimensional linear tree

Language: C++ - Size: 2.18 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 161 - Forks: 18

nadhif-royal/HeartDiseasePredictionML

This project aims to predict heart disease using machine learning models trained on clinical data. We explore different classification models to find the most effective approach. Models Used: Logistic Regression, K-Nearest Neighbors (KNN) (Best Performance: 97%), Random Forest

Language: Jupyter Notebook - Size: 1.73 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 0 - Forks: 0

Riciokzz/Spaceship-Titanic

Spaceship Titanic project.

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

Sumair555/Email-Classification-Spam-or-Ham

The challenge is to accurately separate spam emails from regular ones using techniques from machine learning models.

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

fs23yayan/MiniProject-kNearestNeighbors

Mini Project: k-Nearest Neighbors from Multiclass Classification dengan Algoritma Multinomial Naive Bayes dan k-Nearest Neighbors

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

mddragnev/k-nearest-neighbors

C++ implementation for machine learning algorithm K-NN

Language: C++ - Size: 5.86 KB - Last synced at: 24 days ago - Pushed at: almost 5 years ago - Stars: 8 - Forks: 2

rajaprerak/ML_DL_WebApp

Machine learning and Deep learning project

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

LeweC/pose_tree

The PoseTree container is a data structure designed to efficiently perform K-NNS of poses. Especially poses where the orientation is given by Euler angles. Heavily based on the work of [@attcs] and their Octree library.

Language: C++ - Size: 441 KB - Last synced at: 3 months ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

RickyMiura/LoL-Match-Prediction

Predicting the outcomes of League of Legends matches using in-game event data and a KNN classifier.

Size: 4.73 MB - Last synced at: about 1 month ago - Pushed at: 3 months ago - Stars: 0 - Forks: 0

WalidAlsafadi/Titanic-Disaster

In this challenge, we ask you to build a predictive model that answers the question: “what sorts of people were more likely to survive?” using passenger data (ie name, age, gender, socio-economic class, etc).

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

SpeedBird789/K-Nearest-Neighbours

This project was mainly on experimenting with different K values and finding the optimal value using the Elbow method. Refer to the screen recording attached below for a quick overview.

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

Winterwind/HousingPricesProject

A two-part project involving making predictions using various regressors and then implementing linear regression from scratch and predicting that way

Language: Jupyter Notebook - Size: 138 KB - Last synced at: 30 days ago - Pushed at: 5 months ago - Stars: 0 - Forks: 0

Winterwind/ECG_Signal_Classification

Two-part project that involves detecting the R-peaks in an ECG signal to extract the individual ECG beats and making a machine learning model to classify them

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

jio-gl/datahipsters

DataHipsters is a service implementing MinHash similarity on a Key-Value Database (Google AppEngine/GCloud), including an API for k-nearest neighbors (k-nn) used in Online Recommender Systems.

Language: Python - Size: 4.04 MB - Last synced at: 10 months ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

sharmeen-k/Image-Classifier-KNN

An image classification model using K Nearest Neighbours algorithm is implemented to differentiate between cats and dogs in an input image. The .yml file contains the trained model details created with CV Studio and a dataset of cat/dog images from IBM Object Storage.

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

Dropout-Analytics/cuml_knn

Intro to k-nearest neighbors (KNN) with cuML.

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

ammarsufyan/Coconut-Quality-Classification-Streamlit

This project is an application for classifying the quality of coconuts using the K Nearest Neighbors algorithm. It is built with Streamlit for easy deployment.

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

Dhrumil-Zion/Predict-Price-of-Airlines-Industry

Data preprocessing of raw airline data and predicting prices through various different regression algorithms. Also dumping the model and reusing it for new data.

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

saikrishnabudi/K-Nearest-Neighbour-KNN

Prepare a model for glass classification using KNN and Implement a KNN model to classify the animals in to categories.

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

Sarvandani/ML_classifications-Sarcasm_detection

Sklearn, logistic regression, Naive Bayes classifier, K-Nearest Neighbors, decision trees

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

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

gtrunz/fruit_dataset

The purpose of this project is to promote understanding -- my own and others' -- of fundamental data science and machine learning concepts and tools. It currently consists of one notebook that classifies fruit types based on weight, volume, and image data.

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

MarcVana/K-Nearest-Neighbors

Simple KNN project based on an unlabeled dataset (created artificially).

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

mdsahilak/KNearestNeighbour

A swift implementation of a KNearestNeighbour Classifier in swift.

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

satrapankti/Data-Science

Self Work Coding Files related to Data Science

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

Z4ck404/recommender-system

Recommendation System Using K-Nearest Neighbors .

Language: JavaScript - Size: 108 KB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 2 - Forks: 1

pranshu1921/Microsoft-Malware-Detection

A multiclass classification problem to classify malware classes.

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

Chandrakant817/Flight_Price-Prediction

Flight_Price Prediction using Machine Learning.(Regression Use Case)

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

pranaymethuku/classical-ml

Implementing classical Machine Learning algorithms from scratch

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

awiksshiith-narang/titanic_survivors

This model predicts whether the survivors of the Titanic survived or not. In this file, different classification models are compared and predictions are done from the model(s) having highest accuracy. Here, 'training_data.csv' is used for training and testing the models and 'testing data.csv' is used for predictions. These data sets are from Kaggle

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

akhileshravi/KNearestNeighbours

This repository has a code (function) for K-Nearest Neighbours models. The model is tested on a dataset and compared with the slkearn KNN models. There is runtime analysis and accuracy analysis of the sklearn KNN models for classification and regression.

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

oaarnikoivu/mnist

MNIST Digit Classification using an ANN, k-Nearest Neighbour and hybrid of the two.

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

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: 5 days ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

grvnair/heart-failure-prediction

Compared the metrics and performance of different classification algorithms on Heart Failure dataset from UCI ML Repository

Language: Jupyter Notebook - Size: 292 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - 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: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

igorvgp/DS-health-insurance-cross-sell

Using Machine Learning to rank a list of customers most likely to buy a Car Insurance for a cross-sell campaign.

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

gborn/Semantic-Search-Engine-Using-ElasticSearch

A semantic search engine to find questions semantically similar to given query using Elastic Search, Tensorflow, Universal Sentence Encoder, AWS Lambda, API Gateway

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

santiagoahl/clustering-algorithms

In this repository I am gonna show the main and most popular non-supervised clustering algorithms with short explanations.

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

LeilaZa/HyperParameter-Optimization

Machine Learning Hyperparameter Optimization (Grid Search and Random Search)

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

ullayne02/Natural-Neighbor

Knn implementation without K parameter

Language: Python - Size: 349 MB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 7 - Forks: 5

janskwr/WUM-proj1

Project 1 for Introduction to Machine Learning course.

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

smh997/Transactions-Results-Prediction

Predicting the results of the given transactions by classification

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

kwilson-tech/Automobile-Price-Prediction

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

izzypatrick21/advanced-regression-regression

Kaggle house price advanced regression competition

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

mahesh147/K-Nearest-Neighbors

A simple implementation of K Nearest Neighbors classifier model in python.

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

foofx88/Machine_Learning_Models

Demonstrating different Machine Learning Model

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

K1nght/Matrix-in-Sight

AU331机器学习与知识发现课程项目——拍照矩阵计算器开发

Language: Python - Size: 2.9 MB - Last synced at: 26 days ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 1

tomassams/tdt4173-machine-learning-project

Image classification in the gastrointestinal tract with KNN and CNN

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

krushaybhavsar/learning-machine-learning

This is a repository to document my progress in learning the basics of common machine learning algorithms.

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

RadostinaIvanova/K-nearest-neighbors

Implementation of the The k-nearest neighbors (KNN) algorithm. A machine learning algorithm that can be used to solve both classification and regression problems.

Language: C++ - Size: 82 KB - Last synced at: about 2 years 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: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

parismollo/Liris

Building a ML model that can predicts the species of the flower from the measurements of the petal and the sepal

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

arnavdutta/Creditcard-Fraud-Detection

Credit Card Fraud Detection: Study and Implementation

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

ViktorC/OSML

A Python library of 'old school' machine learning methods such as linear regression, logistic regression, naive Bayes, k-nearest neighbors, decision trees, and support vector machines.

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

sunnyr3/Machine-Learning-Peojects

machine learning projects with python

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

Related Keywords
knearest-neighbors 55 machine-learning 32 random-forest 16 logistic-regression 14 python 11 machine-learning-algorithms 8 linear-regression 8 sklearn 8 knn 8 artificial-intelligence 6 decision-tree 6 naive-bayes 6 data-science 6 random-forest-classifier 5 knn-classification 5 jupyter-notebook 5 classification 5 xgboost 5 knn-algorithm 5 image-classification 4 tensorflow 4 support-vector-machines 4 decision-trees 4 python3 4 pandas 4 numpy 4 gradient-boosting 3 knn-classifier 3 principal-component-analysis 3 matplotlib 3 decision-tree-classifier 3 keras 3 matplotlib-pyplot 2 classification-model 2 jupyter 2 csv-files 2 csv 2 regression 2 kmeans-clustering 2 quadtree 2 knearest-neighbor-classification 2 octree 2 svm 2 streamlit 2 support-vector-machine 2 automl 2 high-dimensional 2 hyperparameter-tuning 2 knearest-neighbor-algorithm 2 cpp20 2 ridge-regression 2 recommender-system 2 cpp 2 hyperparameter-optimization 1 ml 1 voe 1 hpo 1 education 1 kmeans 1 hierarchical-clustering 1 aws-lambda 1 dbscan 1 bert-model 1 elasticsearch 1 ci-cd-pipeline 1 ecr 1 bounding-box 1 autoencoder 1 mnist 1 1r 1 knearest-neighbor-classifier 1 kneighborsclassifier 1 one-rule 1 one-rule-classifier 1 onerclassifier 1 oneruleclassifier 1 perceptron 1 tkinter 1 tkinter-gui 1 tkinter-python 1 accuracy-score 1 classification-algorithm 1 evaluation-metrics 1 f1-score 1 precision-recall 1 support-vector-classifier 1 algorithm 1 learning-to-rank 1 api-gateway 1 classification-algorithims 1 gaussian-naive-bayes-implementation 1 mlp-classifier 1 nueral-networks 1 svm-classifier 1 dimensions 1 iris-dataset 1 credit-card 1 fraud-detection 1 oversampling 1 pattern-recognition 1