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

Projects in Awesome Lists tagged with knn-algorithm

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

https://github.com/qdrant/qdrant

Qdrant - High-performance, massive-scale Vector Database and Vector Search Engine for the next generation of AI. Also available in the cloud https://cloud.qdrant.io/

ai-search ai-search-engine embeddings-similarity hnsw image-search knn-algorithm machine-learning mlops nearest-neighbor-search neural-network neural-search recommender-system search search-engine search-engines similarity-search vector-database vector-search vector-search-engine

Last synced: 12 May 2025

https://github.com/ImadSaddik/ElasticSearch_Python_Course

This repository is part of a course on ElasticSearch in Python. It includes notebooks that demonstrate its usage, along with a YouTube series to guide you through the material.

elastic elasticsearch embeddings knn-algorithm search-engine semantic-search

Last synced: 03 Apr 2025

https://github.com/imadsaddik/elasticsearch_python_course

This repository is part of a course on ElasticSearch in Python. It includes notebooks that demonstrate its usage, along with a YouTube series to guide you through the material.

elastic elasticsearch embeddings knn-algorithm search-engine semantic-search

Last synced: 14 Apr 2025

https://github.com/tohtsky/irspack

Train, evaluate, and optimize implicit feedback-based recommender systems.

eigen evaluation-framework hyperparameter-optimization knn-algorithm matrix-factorization optuna pybind11 recommender-systems

Last synced: 30 Apr 2025

https://github.com/khumam/knn-algorithm

This is the simple KNN Algorithm using PHP and you can use csv file as dataset

knn knn-algorithm knn-php machine-learning machine-learning-algorithms ml php

Last synced: 13 Apr 2025

https://github.com/kamil5b/knnGo

I created K-Nearest Neighbor Algorithm using Go language. Initially, this project is for my assignment but I decided to publish it.

ai artificial-intelligence go golang knn knn-algorithm knn-classification knn-classifier

Last synced: 07 May 2025

https://github.com/shreyamalogi/personalized-travel-planning-system

"Personalized Travel Planning System," uses a graphical user interface (GUI) to help users plan personalized travel experiences. It recommends tourist destinations based on user preferences and provides information about nearby places.

knn-algorithm machine-learning-algorithms matplotlib numpy pandas python scikit-learn tkinter-gui

Last synced: 12 Apr 2025

https://github.com/mc-cat-tty/mmr_stock

Final project of Web Technologies course. Electronic components stock manager for MMR Driverless Team.

django django-application django-channels django-rest-framework formula-student formula-student-driverless knn-algorithm real-time-messaging recommendation-system websockets

Last synced: 20 Mar 2025

https://github.com/mddragnev/k-nearest-neighbors

C++ implementation for machine learning algorithm K-NN

knearest-neighbors knn-algorithm machine-learning nearest-neighbours

Last synced: 12 Feb 2025

https://github.com/aninditaguha98/spotify-recommendation-system

Implemented and compared different recommendation systems for Spotify playlists for both artists and types of songs. Implemented popularity-based recommenders, content-based recommenders, and used the KNN algorithm for implementing collaborative filtering.

collaborative-filtering content-based-recommendation knn-algorithm recommender-system

Last synced: 12 Jan 2025

https://github.com/wildoctopus/heart-disease-detection

Heart disease detection using different classifiers and neural network with feature engineering.

decesion-trees k-nearest-neighbours kmeans-clustering knn-algorithm multi-layer-perceptron pca-analysis principle-component-analysis random-forest svm

Last synced: 21 Apr 2025

https://github.com/lukascivil/tcc

Recommender System using movielens 100k dataset

kmeans-algorithm knn-algorithm movielens predictive-analysis recommender-system

Last synced: 18 Jun 2025

https://github.com/saarbk/Introduction-to-Machine-Learning

Sharing both theoretical and programing ideas, that I came across at Introduction to Machine Learning course. notes, homework solution and python assignment

homework-assignments knn-algorithm machine-learning neural-network sgd-classifier student-project svm

Last synced: 20 Nov 2024

https://github.com/shaik-sohail-72/iris-flower-type-prediction-and-classification-with-ml-and-mern

Iris flower type prediction and classification with machine learning and MERN web I/O system. This project predict the type of iris flower by using machine learning . K-NN algorithm is used for multiclass classification.

css ejs expressjs google-oauth2 heroku-deployment html iris-dataset javascript knn-algorithm knn-classification knn-classifier machine-learning nodejs pandas python sklearn-library

Last synced: 17 Jun 2025

https://github.com/udityamerit/Breast-Cancer-Prediction-using-different-ML-models

This project implements multiple machine learning algorithms to predict breast cancer diagnoses based on medical diagnostic data. The project compares the performance of various models, providing insights into which algorithms are most effective for this task.

classification knn-algorithm logistic-regression machine-learning numpy pandas scikit-learn svm-model

Last synced: 28 Mar 2025

https://github.com/khaledashrafh/knn-classifier

This repository contains a Python implementation of a K-Nearest Neighbors (KNN) classifier from scratch. It's applied to the "BankNote_Authentication" dataset, which consists of four features (variance, skew, curtosis, and entropy) and a class attribute indicating whether a banknote is real or forged.

banknote-authentication euclidean-distance k k-nearest-neighbor-classifier k-nearest-neighbors k-nearest-neighbours knn knn-algorithm knn-classification knn-classifier machine-learning machine-learning-algorithms

Last synced: 28 Mar 2025

https://github.com/mohammed-raafat/character-recognition-project

The project classifies characters (Hand-Written) by three algorithms Weighted kNN, Bayesian and SVM (using MATLAB R2016b and App Design GUI)

artificial-intelligence bayesian-algorithm deep-learning knn-algorithm machine-learning matlab-gui neural-network pattern-recognition support-vector-machine

Last synced: 11 Mar 2025

https://github.com/ugurcanerdogan/knn-classification-regression

BBM409 Machine Learning Laboratory - Assignment 1 : KNN Classification and KNN Regression using k-Fold cross validation (OOP design for classifiers)

kfold-cross-validation knn knn-algorithm knn-regression machine-learning oop python

Last synced: 06 Apr 2025

https://github.com/udityamerit/breast-cancer-prediction-using-different-ml-models

The `all_MLpackage` is a Python tool for breast cancer detection using scikit-learn's machine learning algorithms. It automates model training, generates accuracy comparisons, and helps identify the best-performing algorithm for diagnosis.

classification knn-algorithm logistic-regression machine-learning numpy pandas scikit-learn svm-model

Last synced: 15 Dec 2024

https://github.com/followthefourleafedclover/sneaker-match

Upload a image and get a trending sneaker that matches its vibe. Made with Node JS and Express.

expressjs fashion knn-algorithm machine-learning nodejs sneakers

Last synced: 02 Mar 2025

https://github.com/dhrupad17/machine-learning-a-z

This is a practice Repository consisting of all the notebooks I have practiced for Machine Learning from basics to Advance

adaboost-algorithm classification-algorithm decision-trees gradient-boosting knn-algorithm logistic-regression mlalgorithms naive-bayes-algorithm random-forest regression-models svm-kernel svm-model

Last synced: 05 Mar 2025

https://github.com/syedissambukhari/electric-motor-fault-detection-using-machine-learning

This repository is dedicated to the detection of faults in electric motors through machine learning techniques, specifically utilizing the K-Nearest Neighbors (KNN) algorithm. It contains datasets, Python scripts, and accompanying documentation necessary for implementing and understanding the fault detection process.

aritificalintelligence iot-application knn knn-algorithm knn-classification knn-classifier machine-learning-algorithms motor-control

Last synced: 03 Mar 2025

https://github.com/kalbarczykdev/k-nearest-neighbors-algorithm-implementation-java

This project implements the K-Nearest Neighbors (KNN) algorithm for classification purposes. KNN is a simple and effective algorithm for classifying data points based on their similarity to other data points in a given dataset.

java java-8 knn knn-algorithm knn-classification knn-java knn-model knn-regression

Last synced: 27 Mar 2025

https://github.com/sdrttnclskn/r-rfm-model

Elektrik verisi ile müşteri skorlama model çalışmaları.

knn-algorithm r-programming rfm rfm-analysis rscript rstudio

Last synced: 26 Feb 2025

https://github.com/iamaindrik/face-attendance-system

This project implements a face recognition system to automate attendance tracking, allowing for efficient management of attendance records in educational and professional environments.

flask knn-algorithm machine-learning python

Last synced: 08 Apr 2025

https://github.com/hashirshoaeb/polygon-classifier

Distinguishing polygon shapes in testing image on the basis of provided training dataset using KNN algorithm.

blob-analysis blob-detection classifier component-analysis knn-algorithm knn-classifier python3 simple

Last synced: 24 Feb 2025

https://github.com/daniel-lima-lopez/ktlnn-python

A python implementation of the classifier k Two Layers Nearest Neighbors

knn knn-algorithm knn-classification ktlnn machine-learning

Last synced: 31 Mar 2025

https://github.com/antdeivid/attack-detection-knn

Este é um repositório é destinado à um projeto que realizei no IFCE, um detector de ataques botnet à redes iot com base no melhoor parâmetro K para o KNN.

attack-detection botnet-detection ipynb jupyter-notebook knn-algorithm python

Last synced: 02 Mar 2025

https://github.com/elouannh/knnml_airbnb

An algorithm using Python and C to experiment the k-NN lazy learning algorithm.

c knn-algorithm python

Last synced: 27 Mar 2025

https://github.com/sameetasadullah/knn-algorithm-on-abalone-dataset

Implemented K-Nearest Neighbors (KNN) Algorithm on the given Abalone Dataset using Python Language

abalone-data-set abalone-dataset artificial-intelligence jupyter-notebook knn knn-algorithm knn-classification python python3

Last synced: 15 Mar 2025

https://github.com/josgard94/decision-regions-with-knn-algorithm

Implementation of the knn algorithm to generate decision regions using the Iris dataset.

data-analytics data-processing data-science decision-regions iris-dataset knn-algorithm machine-learning

Last synced: 15 Mar 2025

https://github.com/ngirimana/ml_knn

Welcome to the KNN Project! This will be a simple project very similar to the lecture, except you'll be given another data set. Go ahead and just follow the directions below.

artificial-intelligence knn-algorithm knn-classification knn-classifier machine-learning matplotlib numpy pandas python3 searbon

Last synced: 21 Feb 2025

https://github.com/sarthak-0-sach/laptop-price-predictor

Just as the name suggests, this project's solo goal is to simplify finding laptops in a world where there are ton of companies offering variety of features and specifications at numerous price differences. This project aims to be the best analysis tool of what should be the price of a standard laptop with desired specifications. Follow for more😇✨

advanced-python beginner-friendly-python-project gradient-boosting knn-algorithm laptop-price-prediction random-forest-regressor svm-classifier xgboost-model

Last synced: 02 Apr 2025

https://github.com/oslint/k-nearest-neighbors-algorithm-implementation-java

This project implements the K-Nearest Neighbors (KNN) algorithm for classification purposes. KNN is a simple and effective algorithm for classifying data points based on their similarity to other data points in a given dataset.

java java-8 knn knn-algorithm knn-classification knn-java knn-model knn-regression

Last synced: 01 Feb 2025

https://github.com/smsraj2001/kd_tree_knn_search

KNN SEARCH using a KD Tree and comparison with the Brute - Force / Naive KNN search too.

algorithm-challenges jupyter-notebook knn-algorithm machine-learning-algorithms search

Last synced: 21 Feb 2025

https://github.com/mehmoodulhaq570/machine-learning-models

A repository consisting of machine learning models for predicting the future instance. More specifically this repository is a Machine Learning course for those who are interested in learning the basics of machine learning algorithms.

decision-trees gradient-descent gradient-descent-algorithm knn-algorithm linear-regression linear-regression-models logistic-regression-algorithm machine-learning-algorithms machine-learning-models ml naive-bayes-algorithm one-hot-encoding pca python random-forest-classifier scikit-learn svm-model

Last synced: 08 Apr 2025

https://github.com/lucas54neves/knn-algorithm-iris

KNN algorithm using the Iris dataset

iris-dataset knn knn-algorithm pandas python ufla

Last synced: 02 Mar 2025

https://github.com/zulfachafidz/titanic_explorer_predicting_survival_with_classification_using_knn_algorithm

Tracking Life Safety with the KNN Predictive Analysis Approach. Leveraging the Titanic Dataset, we apply classification analysis to predict the fate of passengers based on a variety of features.

algorithm algorithms data data-analysis data-mining data-science datamodeling datapreprocessing dataset knn-algorithm knn-classification machine-learning machine-learning-algorithms prediction-model

Last synced: 20 Mar 2025

https://github.com/aron-alvarenga/app-python-reconhecimento-de-digitos-knn

Aplicação em Python de Reconhecimento de Dígitos utilizando algoritmo k-nearest neighbors (KNN).

computer-vision cv2 knn knn-algorithm python study-project visual-recognition

Last synced: 20 Mar 2025

https://github.com/manishkumarpatel07/heartattack_risk_prediction

"Heart Attack Risk Prediction" uses machine learning to estimate the likelihood of a heart attack based on user-provided data like physical attributes, symptoms, and medical history. This system enables remote screening, identifying high-risk individuals, and easing medical system burdens by providing early, data-driven health risk assessments.

boruta knn-algorithm matplotlib numpy pandas python scikit-learn

Last synced: 20 Mar 2025

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

This is a python project where using Pandas library we will find correlation and give the best recommendation for movies.

data-analysis deep-learning knn-algorithm numpy pandas python recommendation-system

Last synced: 04 Apr 2025

https://github.com/mathewvieira/sistemas-de-apoio-a-decisao-av1

Cadeira de Sistemas de Apoio à Decisão - VP1 - UNI7

knn-algorithm pandas python scikit-learn streamlit

Last synced: 04 Apr 2025

https://github.com/athrvk/color-predictor

A color predictor which will predict colors you will surely like!

color css html js knn-algorithm prediction

Last synced: 04 Apr 2025

https://github.com/ulysseyann/breast-cancer-ml-prediction

This repository contains machine learning models for predicting breast cancer survival outcomes using clinical data. Explore classification and regression techniques to gain insights into patient prognosis. 🩺📊

accuracy breast-cancer breast-cancer-classification breast-cancer-prediction breast-cancer-wisconsin classification classification-model datascience ensemble jupyter-notebook knn-algorithm logistic-regression machine-learning machinelearningprojects numpy pandas scikit-learn svm

Last synced: 21 Jun 2025

https://github.com/chenna7893/optimizing-credit-card-fraud-detection-using-ensemble-methods

The project demonstrates the effectiveness of combining AdaBoost and Majority Voting for credit card fraud detection, providing a reliable and accurate solution to combat fraudulent activities in financial transactions.

adaboost-algorithm cp-abe knn-algorithm majority-voting sha256

Last synced: 04 Mar 2025

https://github.com/memgonzales/cv-group-notebooks

Compilation of activities and projects given to members of the Computer Vision Group

cifar-10 cifar10 computer-vision jupyter-notebook knn knn-algorithm knn-classification matrix-operations

Last synced: 13 Mar 2025

https://github.com/anuritigupta26/stockvision

StockVision is an AI-powered stock price prediction model that leverages machine learning algorithms to forecast the future performance of stocks. The project utilizes historical market data, including stock prices, volumes, and other market indicators, to predict price trends and provide valuable insights for investors.

classification knn-algorithm quandl regression y yfinance

Last synced: 05 Apr 2025

https://github.com/cosmojelly/face-recognition-algorithms-analysis

Using K-Nearest Neighbour (KNN) and Support Machine Vector (SVM) to compare analysis on a subset of the CMU Pose, Illumination, and Expression (PIE) Dataset.

gaussian-naive-bayes-implementation knn-algorithm svm-model

Last synced: 13 Apr 2025

https://github.com/bennerlukas/knn_algorithm

study project about KNN. Inclusive self made KNN algorithm.

knn-algorithm

Last synced: 13 Mar 2025

https://github.com/abhishek-k-git/banknote-analysis

Bank Note Analysis in python using Logistic Regression, SVM and KNN algorithms.

knn-algorithm logistic-regression svm

Last synced: 22 Mar 2025

https://github.com/abhishek-k-git/breast_cancer_detection

breast cancer detection using KNN algorithm and Support Vector Machine in python

knn-algorithm support-vector-machine

Last synced: 22 Mar 2025

https://github.com/akkarinjb/food-recommend-frontend

Food Recommendation System - Frontend

knn-algorithm reactjs

Last synced: 06 Apr 2025

https://github.com/filipwozniak/knn

The k-nearest neighbors (KNN) algorithm is a simple, easy-to-implement supervised machine learning algorithm that can be used to solve both classification and regression problems.

jupyter-notebook knn-algorithm python

Last synced: 25 Feb 2025

https://github.com/monciego/scholarship-system

Scholarship System for Pangasinan State University

inertiajs knn-algorithm laravel machine-learning mysql pwa tailwindcss vue

Last synced: 18 Feb 2025

https://github.com/kumaarbalbir/porosity-prediction-of-rocks-using-ml

The manual laboratory measurement of porosity of rocks on thermal treatment is tedious and time consuming. We can ease this task by building a predictive model trained on physical features of rocks samples.

knn-algorithm linear-regression machine-learning-algorithms mineral-exploration python3 random-forest rocks svm-regressor xgboost-algorithm

Last synced: 30 Mar 2025

https://github.com/pydevtop/neural-network-knn

Neural Network KNN for determining the state of the road surface

knn knn-algorithm knn-classification knn-model knn-python neural neural-network

Last synced: 26 Feb 2025

https://github.com/sami-bre/anime_rating_prediction

a small codebase that can predict how a particular person might rate a particular anime using the KNN algorithm with cosine similarity.

cosine-similarity knn-algorithm machine-learning python

Last synced: 28 Mar 2025

https://github.com/sharoonjoseph321/insurance_fraud_detection

Fraud Detection using machine learning algorithm-KN Neighbors .Data exploration using Pyspark and matplotlib.

analytics data data-science eda high-performance knn-algorithm knn-classification machine-learning matplotlib-pyplot pyspark python seaborn spark statistics

Last synced: 23 Mar 2025

https://github.com/das-amlan/k-nearest-neighbors-using-r

Implementation of the K-Nearest Neighbors (KNN) algorithm in R.

knn-algorithm machine-learning r

Last synced: 04 Mar 2025

https://github.com/hamzazafar10/car-price-predication-knn

Predicate car price from 4300+ data entries in dataset It Include KNN, Neural network ,Naive Bayes, KMean Clustering

data-science kmeans-clustering knn-algorithm machine-learning matplotlib naive-bayes-algorithm neural-network pandas sklearn

Last synced: 07 Apr 2025

https://github.com/krlan2789/key-nearest-neighbour

C++ Project - KNN Algorithm Implementation

cpp knn-algorithm

Last synced: 11 Jan 2025

https://github.com/shimaa83/recommendation_system

recommendation system using different technique for netflix dataset

kaggle-dataset knn-algorithm machine-learning recommendation-system

Last synced: 13 Mar 2025

https://github.com/playwithalgos/knn

Visualization of the k-nearest neighbor algorithm

educational-project knn knn-algorithm

Last synced: 05 Mar 2025

https://github.com/rayvilaca/vanilla-knn

A simple implementation of the k-nearest neighbors (KNN) algorithm without using external libraries.

euclidean-distances knn-algorithm knn-classification knn-classifier no-libraries python

Last synced: 19 Mar 2025