k-nearest-neighbors
There are 327 repositories under k-nearest-neighbors topic.
hora-search/hora
🚀 efficient approximate nearest neighbor search algorithm collections library written in Rust 🦀 .
yahoojapan/NGT
Nearest Neighbor Search with Neighborhood Graph and Tree for High-dimensional Data
kakao/n2
TOROS N2 - lightweight approximate Nearest Neighbor library which runs fast even with large datasets
AmazingDD/daisyRec
Official code for "DaisyRec 2.0: Benchmarking Recommendation for Rigorous Evaluation" (TPAMI2022) and "Are We Evaluating Rigorously? Benchmarking Recommendation for Reproducible Evaluation and Fair Comparison" (RecSys2020)
srafay/Machine_Learning_A-Z
Learning to create Machine Learning Algorithms
anish-lakkapragada/SeaLion
The first machine learning framework that encourages learning ML concepts instead of memorizing class functions.
jelmerk/hnswlib
Java library for approximate nearest neighbors search using Hierarchical Navigable Small World graphs
je-suis-tm/machine-learning
Python machine learning applications in image processing, recommender system, matrix completion, netflix problem and algorithm implementations including Co-clustering, Funk SVD, SVD++, Non-negative Matrix Factorization, Koren Neighborhood Model, Koren Integrated Model, Dawid-Skene, Platt-Burges, Expectation Maximization, Factor Analysis, ISTA, FISTA, ADMM, Gaussian Mixture Model, OPTICS, DBSCAN, Random Forest, Decision Tree, Support Vector Machine, Independent Component Analysis, Latent Semantic Indexing, Principal Component Analysis, Singular Value Decomposition, K Nearest Neighbors, K Means, Naïve Bayes Mixture Model, Gaussian Discriminant Analysis, Newton Method, Coordinate Descent, Gradient Descent, Elastic Net Regression, Ridge Regression, Lasso Regression, Least Squares, Logistic Regression, Linear Regression
Mamcose/NSL-KDD-Network-Intrusion-Detection
Machine Learning Algorithms on NSL-KDD dataset
lettier/interactiveknn
Interactive K-Nearest Neighbors machine learning algorithm in JavaScript.
textgain/grasp
Essential NLP & ML, short & fast pure Python code
brannondorsey/GloVe-experiments
GloVe word vector embedding experiments (similar to Word2Vec)
Nicolik/Segm_Ident_Vertebrae_CNN_kmeans_knn
Segmentation and Identification of Vertebrae in CT Scans using CNN, k-means Clustering and k-NN
snatch59/cnn-svm-classifier
Using Tensorflow and a Support Vector Machine to Create an Image Classifications Engine
CihanBosnali/Machine-Learning-without-Libraries
Today, using machine learning algorithms is as easy as "import knn from ..." but it doesn't really help if you want to learn how the algorithms work
n3integration/classifier
A general purpose text classifier
jlmelville/rcpphnsw
Rcpp bindings for the approximate nearest neighbors library hnswlib
abhinav-bhardwaj/Walmart-Sales-Time-Series-Forecasting-Using-Machine-Learning
Time Series Forecasting of Walmart Sales Data using Deep Learning and Machine Learning
RubixML/Iris
The original lightweight introduction to machine learning in Rubix ML using the famous Iris dataset and the K Nearest Neighbors classifier.
jvdd/pqknn
Product Quantization k-Nearest Neighbors
astier/model-free-episodic-control
Model-Free-Episodic-Control implementation.
DhruvAwasthi/NLPSpecialization
This repo contains the assignment and quiz solutions of Natural Language Processing Specialization, offered on Coursera.
dirkiedai/sk-mt
This is the official code for our paper "Simple and Scalable Nearest Neighbor Machine Translation" (ICLR 2023).
RubixML/Divorce
Use the K Nearest Neighbors algorithm to predict the probability of a divorce with high accuracy.
SravB/NBA-Predictive-Analytics
Being able to perform gameplay analysis of NBA players, NBA Predictive Analytics is a basketball coach's new best friend.
tweichle/Predicting-Baseball-Statistics
Predicting Baseball Statistics: Classification and Regression Applications in Python Using scikit-learn and TensorFlow-Keras
AFAgarap/opencv-python-training
OpenCV-Python Tutorials
BrunoMeyer/gpu-rsfk
A GPU (CUDA) implementation, with a python interface, of the approximated KNN graph computation with Random Sample Forest algorithm KNN.
miladce/knn-cosine-similarity
knn with cosine similarity (distance)
hoangcaobao/Projectube-Recommendation-System
Recommendation System sever for Projectube developed by insource team of VietCode company leveraging User-Based Collaborative Filtering
pragmaticpython/k-nearest-neighbors-python
An implementation of the K-Nearest Neighbors algorithm from scratch using the Python programming language.
AnabelSMRuggiero/NNDescent.cpp
A C++ iteration of PyNNDescent.
dr-mushtaq/Natural-language-processing
This repository is a related to all about Natural Langauge Processing - an A-Z guide to the world of Data Science. This supplement contains the implementation of algorithms, statistical methods and techniques (in Python)
subhadeep-123/Breast-Cancer-Detection
Breast Cancer Wisconsin (Diagnostic) Prediction Using Various Architecture, though XgBoost Classifier out performed all