All Projects → knn-cpp → Similar Projects or Alternatives

90 Open source projects that are alternatives of or similar to knn-cpp

pynanoflann
Unofficial python wrapper to the nanoflann k-d tree
Stars: ✭ 24 (-4%)
Mutual labels:  kd-tree, nearest-neighbor-search
awesome-vector-search
Collections of vector search related libraries, service and research papers
Stars: ✭ 460 (+1740%)
libkdtree
libkdtree++ is an STL-like C++ template container implementation of k-dimensional space sorting, using a kd-tree. It sports a theoretically unlimited number of dimensions, and can store any data structure. Fork of the project once available from http://libkdtree.alioth.debian.org/
Stars: ✭ 46 (+84%)
Mutual labels:  kd-tree
ALPR-Indonesia
Automatic license plate recognition for Indonesian plate (White on black)
Stars: ✭ 40 (+60%)
Mutual labels:  knn
Scanns
A scalable nearest neighbor search library in Apache Spark
Stars: ✭ 190 (+660%)
Mutual labels:  nearest-neighbor-search
pqtable
Fast search algorithm for product-quantized codes via hash-tables
Stars: ✭ 48 (+92%)
Mutual labels:  nearest-neighbor-search
spot price machine learning
Machine Learning for Spot Prices
Stars: ✭ 25 (+0%)
Mutual labels:  knn
drowsiness-detection
To identify the driver's drowsiness based on real-time camera image and image processing techniques. 졸음운전 감지 시스템. OpenCV
Stars: ✭ 31 (+24%)
Mutual labels:  knn
Clustering-Python
Python Clustering Algorithms
Stars: ✭ 23 (-8%)
Mutual labels:  knn
Pgann
Fast Approximate Nearest Neighbor (ANN) searches with a PostgreSQL database.
Stars: ✭ 156 (+524%)
Mutual labels:  nearest-neighbor-search
Knn Matting
Source Code for KNN Matting, CVPR 2012 / TPAMI 2013. MATLAB code ready to run. Simple and robust implementation under 40 lines.
Stars: ✭ 130 (+420%)
Mutual labels:  nearest-neighbor-search
Neighbor
Nearest neighbor search for Rails and Postgres
Stars: ✭ 114 (+356%)
Mutual labels:  nearest-neighbor-search
spark-annoy
Building Annoy Index on Apache Spark
Stars: ✭ 73 (+192%)
Mutual labels:  knn
MoTIS
Mobile(iOS) Text-to-Image search powered by multimodal semantic representation models(e.g., OpenAI's CLIP). Accepted at NAACL 2022.
Stars: ✭ 60 (+140%)
Mutual labels:  knn
Recommender-Systems
Implementing Content based and Collaborative filtering(with KNN, Matrix Factorization and Neural Networks) in Python
Stars: ✭ 46 (+84%)
Mutual labels:  knn
annoy.rb
annoy-rb provides Ruby bindings for the Annoy (Approximate Nearest Neighbors Oh Yeah).
Stars: ✭ 23 (-8%)
Mutual labels:  nearest-neighbor-search
scikit-hubness
A Python package for hubness analysis and high-dimensional data mining
Stars: ✭ 41 (+64%)
Mutual labels:  nearest-neighbor-search
lshensemble
LSH index for approximate set containment search
Stars: ✭ 48 (+92%)
Mutual labels:  nearest-neighbor-search
bitpit
Open source library for scientific HPC
Stars: ✭ 80 (+220%)
Mutual labels:  kd-tree
ikd-Tree
This repository provides implementation of an incremental k-d tree for robotic applications.
Stars: ✭ 286 (+1044%)
Mutual labels:  kd-tree
Faiss tips
Some useful tips for faiss
Stars: ✭ 170 (+580%)
Mutual labels:  nearest-neighbor-search
img classification deep learning
No description or website provided.
Stars: ✭ 19 (-24%)
Mutual labels:  knn
Elastiknn
Elasticsearch plugin for nearest neighbor search. Store vectors and run similarity search using exact and approximate algorithms.
Stars: ✭ 139 (+456%)
Mutual labels:  nearest-neighbor-search
Machine learning trading algorithm
Master's degree project: Development of a trading algorithm which uses supervised machine learning classification techniques to generate buy/sell signals
Stars: ✭ 20 (-20%)
Mutual labels:  knn
Gann
gann(go-approximate-nearest-neighbor) is a library for Approximate Nearest Neighbor Search written in Go
Stars: ✭ 75 (+200%)
Mutual labels:  nearest-neighbor-search
vektonn
vektonn.github.io/vektonn
Stars: ✭ 109 (+336%)
Mutual labels:  knn-search
Ggnn
GGNN: State of the Art Graph-based GPU Nearest Neighbor Search
Stars: ✭ 63 (+152%)
Mutual labels:  nearest-neighbor-search
pointu
✏️ Pointillisme tool based on Weighted Voronoi Stippling
Stars: ✭ 32 (+28%)
Mutual labels:  kd-tree
wordvector be
Web服务:使用腾讯 800 万词向量模型和 spotify annoy 引擎得到相似关键词
Stars: ✭ 92 (+268%)
Mutual labels:  nearest-neighbor-search
fastknn
Fast k-Nearest Neighbors Classifier for Large Datasets
Stars: ✭ 64 (+156%)
Mutual labels:  knn
paccmann kinase binding residues
Comparison of active site and full kinase sequences for drug-target affinity prediction and molecular generation. Full paper: https://pubs.acs.org/doi/10.1021/acs.jcim.1c00889
Stars: ✭ 29 (+16%)
Mutual labels:  knn
kdtree-rs
K-dimensional tree in Rust for fast geospatial indexing and lookup
Stars: ✭ 137 (+448%)
Mutual labels:  nearest-neighbor-search
Trajectory-Analysis-and-Classification-in-Python-Pandas-and-Scikit-Learn
Formed trajectories of sets of points.Experimented on finding similarities between trajectories based on DTW (Dynamic Time Warping) and LCSS (Longest Common SubSequence) algorithms.Modeled trajectories as strings based on a Grid representation.Benchmarked KNN, Random Forest, Logistic Regression classification algorithms to classify efficiently t…
Stars: ✭ 41 (+64%)
Mutual labels:  knn
MachineLearning
机器学习教程,本教程包含基于numpy、sklearn与tensorflow机器学习,也会包含利用spark、flink加快模型训练等用法。本着能够较全的引导读者入门机器学习。
Stars: ✭ 23 (-8%)
Mutual labels:  knn
Portrait FCN and 3D Reconstruction
This project is to convert PortraitFCN+ (by Xiaoyong Shen) from Matlab to Tensorflow, then refine the outputs from it (converted to a trimap) using KNN and ResNet, supervised by Richard Berwick.
Stars: ✭ 61 (+144%)
Mutual labels:  knn
Fall-Detection-Dataset
FUKinect-Fall dataset was created using Kinect V1. The dataset includes walking, bending, sitting, squatting, lying and falling actions performed by 21 subjects between 19-72 years of age.
Stars: ✭ 16 (-36%)
Mutual labels:  knn
quick-adc
Quick ADC
Stars: ✭ 20 (-20%)
Mutual labels:  nearest-neighbor-search
Handwritten-Digits-Classification-Using-KNN-Multiclass Perceptron-SVM
🏆 A Comparative Study on Handwritten Digits Recognition using Classifiers like K-Nearest Neighbours (K-NN), Multiclass Perceptron/Artificial Neural Network (ANN) and Support Vector Machine (SVM) discussing the pros and cons of each algorithm and providing the comparison results in terms of accuracy and efficiecy of each algorithm.
Stars: ✭ 42 (+68%)
Mutual labels:  knn
UE4-Kdtree
UE4 Plugin: k-d tree
Stars: ✭ 48 (+92%)
Mutual labels:  kd-tree
introduction-to-machine-learning
A document covering machine learning basics. 🤖📊
Stars: ✭ 17 (-32%)
Mutual labels:  knn
Mrpt
Fast and lightweight header-only C++ library (with Python bindings) for approximate nearest neighbor search
Stars: ✭ 210 (+740%)
Mutual labels:  nearest-neighbor-search
Dolphinn
High Dimensional Approximate Near(est) Neighbor
Stars: ✭ 32 (+28%)
Mutual labels:  nearest-neighbor-search
Tarsoslsh
A Java library implementing practical nearest neighbour search algorithm for multidimensional vectors that operates in sublinear time. It implements Locality-sensitive Hashing (LSH) and multi index hashing for hamming space.
Stars: ✭ 179 (+616%)
Mutual labels:  nearest-neighbor-search
The-Supervised-Learning-Workshop
An Interactive Approach to Understanding Supervised Learning Algorithms
Stars: ✭ 24 (-4%)
Mutual labels:  knn
Vald
Vald. A Highly Scalable Distributed Vector Search Engine
Stars: ✭ 158 (+532%)
Mutual labels:  nearest-neighbor-search
MSF
Official code for "Mean Shift for Self-Supervised Learning"
Stars: ✭ 42 (+68%)
Mutual labels:  knn
Nanopq
Pure python implementation of product quantization for nearest neighbor search
Stars: ✭ 145 (+480%)
Mutual labels:  nearest-neighbor-search
dlime experiments
In this work, we propose a deterministic version of Local Interpretable Model Agnostic Explanations (LIME) and the experimental results on three different medical datasets shows the superiority for Deterministic Local Interpretable Model-Agnostic Explanations (DLIME).
Stars: ✭ 21 (-16%)
Mutual labels:  knn
deforestation
A machine learning exercise, using KNN to classify deforested areas
Stars: ✭ 26 (+4%)
Mutual labels:  knn
Awesome Cbir Papers
📝Awesome and classical image retrieval papers
Stars: ✭ 1,114 (+4356%)
Mutual labels:  nearest-neighbor-search
Rii
Fast and memory-efficient ANN with a subset-search functionality
Stars: ✭ 96 (+284%)
Mutual labels:  nearest-neighbor-search
ml-simulations
Animated Visualizations of Popular Machine Learning Algorithms
Stars: ✭ 33 (+32%)
Mutual labels:  knn
Annoy
Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk
Stars: ✭ 9,262 (+36948%)
Mutual labels:  nearest-neighbor-search
Rayuela.jl
Code for my PhD thesis. Library of quantization-based methods for fast similarity search in high dimensions. Presented at ECCV 18.
Stars: ✭ 54 (+116%)
Mutual labels:  nearest-neighbor-search
node-kdtree
A node.js add-on for performing efficient Nearest Neighbor searches using libkdtree.
Stars: ✭ 58 (+132%)
Mutual labels:  kd-tree
KernelKnn
Kernel k Nearest Neighbors in R
Stars: ✭ 14 (-44%)
Mutual labels:  knn
Amazon-Fine-Food-Review
Machine learning algorithm such as KNN,Naive Bayes,Logistic Regression,SVM,Decision Trees,Random Forest,k means and Truncated SVD on amazon fine food review
Stars: ✭ 28 (+12%)
Mutual labels:  knn
vpsearch
C library for finding nearest (most similar) element in a set
Stars: ✭ 27 (+8%)
Mutual labels:  knn-search
rrgeo
A fast, offline, reverse geocoder
Stars: ✭ 76 (+204%)
Mutual labels:  kd-tree
ocr-machine-learning
OCR Machine Learning in python
Stars: ✭ 42 (+68%)
Mutual labels:  knn
1-60 of 90 similar projects