Showing 61 open source projects for "k nearest neighbor"

View related business solutions
  • MongoDB Atlas runs apps anywhere Icon
    MongoDB Atlas runs apps anywhere

    Deploy in 115+ regions with the modern database for every enterprise.

    MongoDB Atlas gives you the freedom to build and run modern applications anywhere—across AWS, Azure, and Google Cloud. With global availability in over 115 regions, Atlas lets you deploy close to your users, meet compliance needs, and scale with confidence across any geography.
    Start Free
  • Keep company data safe with Chrome Enterprise Icon
    Keep company data safe with Chrome Enterprise

    Protect your business with AI policies and data loss prevention in the browser

    Make AI work your way with Chrome Enterprise. Block unapproved sites and set custom data controls that align with your company's policies.
    Download Chrome
  • 1
    pgvector

    pgvector

    Open-source vector similarity search for Postgres

    pgvector is an open-source PostgreSQL extension that equips PostgreSQL databases with vector data storage, indexing, and similarity search capabilities—ideal for embeddings-based applications like semantic search and recommendations. You can add an index to use approximate nearest neighbor search, which trades some recall for speed. Unlike typical indexes, you will see different results for queries after adding an approximate index. An HNSW index creates a multilayer graph. It has better query...
    Downloads: 21 This Week
    Last Update:
    See Project
  • 2
    Qdrant

    Qdrant

    Vector Database for the next generation of AI applications

    ... functionality. Implement a unique custom modification of the HNSW algorithm for the Approximate Nearest Neighbor Search. Search with a State-of-the-Art speed and apply search filters without compromising on results. Support additional payload associated with vectors. Not only stores payload but also allows filter results based on payload values. Unlike Elasticsearch post-filtering, Qdrant guarantees all relevant vectors are retrieved.
    Downloads: 13 This Week
    Last Update:
    See Project
  • 3
    Elastiknn

    Elastiknn

    Elasticsearch plugin for nearest neighbor search

    Elasticsearch plugin for nearest neighbor search. Store vectors and run similarity searches using exact and approximate algorithms. Methods like word2vec and convolutional neural nets can convert many data modalities (text, images, users, items, etc.) into numerical vectors, such that pairwise distance computations on the vectors correspond to semantic similarity of the original data. Elasticsearch is a ubiquitous search solution, but its support for vectors is limited. This plugin fills...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 4
    DINOv2

    DINOv2

    PyTorch code and models for the DINOv2 self-supervised learning

    ..., detection, and segmentation—often requiring little or no fine-tuning. The repository includes code for training, evaluating, and feature extraction, with utilities to run k-NN or linear evaluation baselines to assess representation quality. Pretrained checkpoints cover multiple model sizes so practitioners can trade accuracy for speed and memory depending on their deployment constraints.
    Downloads: 1 This Week
    Last Update:
    See Project
  • Build Securely on AWS with Proven Frameworks Icon
    Build Securely on AWS with Proven Frameworks

    Lay a foundation for success with Tested Reference Architectures developed by Fortinet’s experts. Learn more in this white paper.

    Moving to the cloud brings new challenges. How can you manage a larger attack surface while ensuring great network performance? Turn to Fortinet’s Tested Reference Architectures, blueprints for designing and securing cloud environments built by cybersecurity experts. Learn more and explore use cases in this white paper.
    Download Now
  • 5
    VectorChord

    VectorChord

    Scalable, fast, and disk-friendly vector search in Postgres

    VectorChord is an open-source vector database built for local and edge deployment. It supports efficient vector indexing and retrieval using ANN (approximate nearest neighbor) algorithms and is optimized for integration with LLM and AI applications. VectorChord is lightweight and can be embedded in a variety of environments for fast semantic search.
    Downloads: 4 This Week
    Last Update:
    See Project
  • 6
    CocoIndex

    CocoIndex

    ETL framework to index data for AI, such as RAG

    CocoIndex is an open-source framework designed for building powerful, local-first semantic search systems. It lets users index and retrieve content based on meaning rather than keywords, making it ideal for modern AI-based search applications. CocoIndex leverages vector embeddings and integrates with various models and frameworks, including OpenAI and Hugging Face, to provide high-quality semantic understanding. It’s built for transparency, ease of use, and local control over your search...
    Downloads: 5 This Week
    Last Update:
    See Project
  • 7
    Smile

    Smile

    Statistical machine intelligence and learning engine

    Smile is a fast and comprehensive machine learning engine. With advanced data structures and algorithms, Smile delivers the state-of-art performance. Compared to this third-party benchmark, Smile outperforms R, Python, Spark, H2O, xgboost significantly. Smile is a couple of times faster than the closest competitor. The memory usage is also very efficient. If we can train advanced machine learning models on a PC, why buy a cluster? Write applications quickly in Java, Scala, or any JVM...
    Downloads: 4 This Week
    Last Update:
    See Project
  • 8
    Embedding Atlas

    Embedding Atlas

    Tool that provides interactive visualizations for large embeddings

    Embedding Atlas is an open-source tool by Apple that provides scalable, interactive visualizations for large embedding datasets. It enables users to visualize, cross-filter, and search through embeddings alongside rich metadata, all in real time using modern web-based technologies. In addition to the command line tool, Embedding Atlas is also available as a Jupyter widget. Finally, components from Embedding Atlas are also available in an npm package. Order-independent transparency ensuring...
    Downloads: 2 This Week
    Last Update:
    See Project
  • 9
    Faiss

    Faiss

    Library for efficient similarity search and clustering dense vectors

    Faiss is a library for efficient similarity search and clustering of dense vectors. It contains algorithms that search in sets of vectors of any size, up to ones that possibly do not fit in RAM. It also contains supporting code for evaluation and parameter tuning. Faiss is written in C++ with complete wrappers for Python/numpy. Some of the most useful algorithms are implemented on the GPU. It is developed by Facebook AI Research. Faiss contains several methods for similarity search. It...
    Downloads: 2 This Week
    Last Update:
    See Project
  • Build Securely on Azure with Proven Frameworks Icon
    Build Securely on Azure with Proven Frameworks

    Lay a foundation for success with Tested Reference Architectures developed by Fortinet’s experts. Learn more in this white paper.

    Moving to the cloud brings new challenges. How can you manage a larger attack surface while ensuring great network performance? Turn to Fortinet’s Tested Reference Architectures, blueprints for designing and securing cloud environments built by cybersecurity experts. Learn more and explore use cases in this white paper.
    Download Now
  • 10
    Vald

    Vald

    Vald. A Highly Scalable Distributed Vector Search Engine

    Vald is a highly scalable distributed fast approximate nearest neighbor dense vector search engine. Vald is designed and implemented based on the Cloud-Native architecture. It uses the fastest ANN Algorithm NGT to search for neighbors. Vald has automatic vector indexing and index backup, and horizontal scaling which is made for searching from billions of feature vector data. Vald is easy to use, feature-rich and highly customizable as you needed. Usually, the graph requires locking during...
    Downloads: 1 This Week
    Last Update:
    See Project
  • 11
    ZeusDB Vector Database

    ZeusDB Vector Database

    Blazing-fast vector DB with similarity search and metadata filtering

    ZeusDB is a vector database built for fast, scalable similarity search with strong production ergonomics. It combines high-performance approximate nearest neighbor indexes with clean APIs and metadata filtering so applications can retrieve semantically relevant items at low latency. The storage layer is designed for durability and growth, supporting sharding, replication, and background compaction while keeping query tails predictable. Developers get multiple ingestion paths—batch, streaming...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 12
    Annoy

    Annoy

    Approximate Nearest Neighbors in C++/Python optimized for memory usage

    Annoy (Approximate Nearest Neighbors Oh Yeah) is a C++ library with Python bindings to search for points in space that are close to a given query point. It also creates large read-only file-based data structures that are mmapped into memory so that many processes may share the same data. There are some other libraries to do nearest neighbor search. Annoy is almost as fast as the fastest libraries, (see below), but there is actually another feature that really sets Annoy apart: it has...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 13
    AnnLite

    AnnLite

    A fast embedded library for approximate nearest neighbor search

    AnnLite is a lightweight and embeddable library for fast and filterable approximate nearest neighbor search (ANNS). It allows to search for nearest neighbors in a dataset of millions of points with a Pythonic API. A simple API is designed to be used with Python. It is easy to use and intuitive to set up to production. The library uses a highly optimized approximate nearest neighbor search algorithm (HNSW) to search for nearest neighbors. The library allows you to search for nearest neighbors...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 14

    NEtCAT NanoSurface Analyzer

    NanoSurface Analyzertool is designed for the STM image analysis

    NanoSurface Analyzer tool is designed for the analysis and measurement of surface data at the nanoscale. This application is developed to support researchers working with surface data by providing tools for reading, processing, and analyzing data.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 15
    MLPACK is a C++ machine learning library with emphasis on scalability, speed, and ease-of-use. Its aim is to make machine learning possible for novice users by means of a simple, consistent API, while simultaneously exploiting C++ language features to provide maximum performance and flexibility for expert users. * More info + downloads: https://mlpack.org * Git repo: https://github.com/mlpack/mlpack
    Downloads: 0 This Week
    Last Update:
    See Project
  • 16
    WaveTrain (Python)

    WaveTrain (Python)

    Quantum dynamics of chain-like systems using tensor train formats

    WaveTrain is an open-source software for numerical simulations of chain-like quantum systems with nearest-neighbor (NN) interactions only (with or without periodic boundary conditions). This Python package is centered around tensor train (TT, or matrix product) representations of quantum-mechanical Hamiltonian operators and (stationary or time-evolving) state vectors. WaveTrain builds on the Python tensor train toolbox scikit_tt, which provides efficient construction methods, storage schemes...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 17
    ManifoldLearning

    ManifoldLearning

    Package for manifold learning and nonlinear dimensionality reduction

    A Julia package for manifold learning and nonlinear dimensionality reduction. Most of the methods use k-nearest neighbors method for constructing local subspace representation. By default, neighbors are computed from a distance matrix of a dataset. This is not an efficient method, especially, for large datasets.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 18
    Gamma

    Gamma

    Real time vector search engine

    ... in our Middleware paper. As for the part of similarity search of vectors in Gamma, it is mainly implemented based on faiss which is an open-source library developed by Facebook AI Research. Besides faiss, it can easily support other approximate nearest neighbor search(ANN) algorithms or libraries.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 19
    Reliable Metrics for Generative Models

    Reliable Metrics for Generative Models

    Code base for the precision, recall, density, and coverage metrics

    Reliable Fidelity and Diversity Metrics for Generative Models (ICML 2020). Devising indicative evaluation metrics for the image generation task remains an open problem. The most widely used metric for measuring the similarity between real and generated images has been the Fréchet Inception Distance (FID) score. Because it does not differentiate the fidelity and diversity aspects of the generated images, recent papers have introduced variants of precision and recall metrics to diagnose those...
    Downloads: 0 This Week
    Last Update:
    See Project
  • 20
    Isolation‐based anomaly detection

    Isolation‐based anomaly detection

    Isolation‐based anomaly detection using nearestneighbor ensembles

    This site provides the source code of Isolation‐based anomaly detection (iNNE). https://onlinelibrary.wiley.com/doi/abs/10.1111/coin.12156 Bandaragoda, T.R., Ting, K.M., Albrecht, D., Liu, F.T., Zhu, Y. and Wells, J.R., 2018. Isolation‐based anomaly detection using nearestneighbor ensembles. Computational Intelligence, 34(4), pp.968-998.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 21
    StarSpace

    StarSpace

    Learning embeddings for classification, retrieval and ranking

    ... is contrastive: for a given query embedding, positive and negative examples are sampled and the model is optimized to score positive higher than negatives. The library supports a variety of tasks (text classification, nearest-neighbor search, recommendation, entity linking) with simple configuration. It includes efficient batching, negative sampling strategies, and on-the-fly embedding updates.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 22
    PyTorch-BigGraph

    PyTorch-BigGraph

    Generate embeddings from large-scale graph-structured data

    ..., negative sampling strategies, and typed entities, making it suitable for link prediction and retrieval. Its training loop is built for throughput: asynchronous I/O, memory-mapped tensors, and lock-free updates keep GPUs and CPUs fed even at extreme scale. The toolkit includes evaluation metrics and export tools so learned embeddings can be used in downstream nearest-neighbor search, recommendation, or analytics. In practice, PBG’s design lets practitioners train high-quality graph embeddings.
    Downloads: 0 This Week
    Last Update:
    See Project
  • 23

    knnAUC

    k-nearest neighbors AUC test.

    knnAUC : k-nearest neighbors AUC test. In the knnAUC framework, we first calculated the AUC estimator based on a k-nearest neighbors classifier, and then evaluate the significance of the AUC based statistic (Alternative hypothesis: AUC > 0.5, that is to say, X has prediction power for Y).
    Downloads: 0 This Week
    Last Update:
    See Project
  • 24

    Face Recognition

    World's simplest facial recognition api for Python & the command line

    Face Recognition is the world's simplest face recognition library. It allows you to recognize and manipulate faces from Python or from the command line using dlib's (a C++ toolkit containing machine learning algorithms and tools) state-of-the-art face recognition built with deep learning. Face Recognition is highly accurate and is able to do a number of things. It can find faces in pictures, manipulate facial features in pictures, identify faces in pictures, and do face recognition on a...
    Downloads: 4 This Week
    Last Update:
    See Project
  • 25

    BNNPT

    A powerful method for nonlinear dependence of two continuous variables

    Testing dependence/correlation of two variables is one of the fundamental tasks in statistics. In this work, we proposed a powerful method for nonlinear dependence of two continuous variables (X and Y). We addressed this research question by using BNNPT (Bagging Nearest-Neighbor Prediction Test, software available at https://sourceforge.net/projects/bnnpt/). In the BNNPT framework, we first used the value of X to construct a bagging neighborhood structure. And then, we got the out of bag...
    Downloads: 0 This Week
    Last Update:
    See Project
  • Previous
  • You're on page 1
  • 2
  • 3
  • Next
Want the latest updates on software, tech news, and AI?
Get latest updates about software, tech news, and AI from SourceForge directly in your inbox once a month.