An open API service indexing awesome lists of open source software.

Projects in Awesome Lists tagged with knearest-neighbor-algorithm

A curated list of projects in awesome lists tagged with knearest-neighbor-algorithm .

https://github.com/sylvaincom/c-for-data-science

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

kmeans-clustering knearest-neighbor-algorithm neural-network

Last synced: 16 Jul 2025

https://github.com/zabuzard/closy

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

api knearest-neighbor-algorithm library nearest-neighbor-search nearest-neighbors nns nnsearch

Last synced: 04 May 2025

https://github.com/alfianandinugraha/knn-iris

Simple algorithm K-Nearest Neighbors with Python and Sklearn

big-data knearest-neighbor-algorithm knn python sklearn

Last synced: 01 Apr 2025

https://github.com/annettaqi/recommendation-system-for-movies-using-ml-methods

Collaborative filtering algorithm to recommend movies to users

autoencoder knearest-neighbor-algorithm lstm

Last synced: 05 Oct 2025

https://github.com/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.

1r knearest-neighbor-algorithm knearest-neighbor-classification knearest-neighbor-classifier knearest-neighbors kneighborsclassifier knn-classification one-rule one-rule-classifier onerclassifier oneruleclassifier perceptron tkinter tkinter-gui tkinter-python

Last synced: 09 Apr 2025

https://github.com/mattmezza/knn-digit-char-recognition

This python program helps you kickstart with digits recognition using OpenCV and k-nearest-neighbor algorithm

classification digit digit-recognition highlight knearest-neighbor-algorithm

Last synced: 05 Sep 2025

https://github.com/kunalrrathod/placement-predictor

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

bootstrap4 flask-application jquery knearest-neighbor-algorithm machine-learning numpy pandas-dataframe python3 sklearn

Last synced: 16 Jun 2025

https://github.com/mayankanand007/yfraud

Credit card fraud detection platform using scikit-learn and xgboost 💳

knearest-neighbor-algorithm linear-regression machine-learning predictive-analytics python3 scikit-learn svm xgboost

Last synced: 24 Jul 2025

https://github.com/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.

adaboost-regressor exploratory-data-analysis knearest-neighbor-algorithm polynomial-regression random-forest regression-analysis

Last synced: 01 Jul 2025

https://github.com/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.

collaborative-filtering correlation-matrix cosine-similarity exploratory-data-analysis feature-engineering knearest-neighbor-algorithm mape matrix-factorization pca-analysis pearson-correlation recommender-system rmse sparsity tsne-visualization visualization

Last synced: 08 Apr 2025

https://github.com/komangandika/mlmodel

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

cheatsheet classification decision-trees kmeans-clustering knearest-neighbor-algorithm logistic-regression machine-learning notes random-forest

Last synced: 15 Mar 2025

https://github.com/amrittripathi/movie-recommendation-system

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

knearest-neighbor-algorithm machine-learning

Last synced: 25 Oct 2025

https://github.com/upasanadhameliya/iris-classifier-project

Uses Machine Learning Python libraries and Predicts the iris flower type based on KNeighboursClassifier model

iris iris-classification iris-dataset knearest-neighbor-algorithm knearest-neighbor-classifier knn-classification python python3 tkinter tkinter-gui tkinter-python

Last synced: 27 Feb 2025

https://github.com/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. 🦀✨

amazonfoodreviews amharic codility competitive-programming cpp decision-tree-classifier goodrich java knearest-neighbor-algorithm leetcode lidar line-extraction nltk sagemaker spam-classification split-and-merge-algorithm thomas-cormen truncated-svd

Last synced: 15 Jun 2025

https://github.com/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.

decision-trees iris-dataset jupyter-notebook knearest-neighbor-algorithm logistic-regression machine-learning naive-bayes-algorithm python random-forest sklearn-library support-vector-machine

Last synced: 30 Oct 2025

https://github.com/silviatulli/bci_matlab

Brain-Computer Interface - data analysis, k nearest neighbors classifier

eeg-analysis knearest-neighbor-algorithm knn-classification matlab

Last synced: 01 May 2025

https://github.com/shogunbanik18/spam-detector

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).

data-science knearest-neighbor-algorithm machine-learning naive-bayes-classifier random-forest-classifier supervised-machine-learning

Last synced: 02 Mar 2025

https://github.com/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).

data-science knearest-neighbor-algorithm machine-learning naive-bayes-classifier random-forest supervised-machine-learning

Last synced: 02 Mar 2025

https://github.com/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.

knearest-neighbor-algorithm knn knn-classification machine-learning machine-learning-algorithms python python3 titanic-survival-prediction

Last synced: 28 Oct 2025

https://github.com/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.

ai decision-trees jupyter-notebook knearest-neighbor-algorithm logistic-regression machine-learning python python3 svm

Last synced: 21 Mar 2025

https://github.com/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.

cnn deep-learning keras knearest-neighbor-algorithm machine-learning resnet-50 streamlit tensorflow2

Last synced: 14 Apr 2025

https://github.com/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

knearest-neighbor-algorithm machine-learning random-forest

Last synced: 26 Jun 2025

https://github.com/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.

deep-convolutional-neural-networks knearest-neighbor-algorithm lasso-regression linear-regression machine-learning random-forest-classifier regression ridge-regression support-vector-machines

Last synced: 14 Mar 2025