Convert Figma logo to code with AI

nmslib logohnswlib

Header-only C++/python library for fast approximate nearest neighbors

4,498
674
4,498
248

Top Related Projects

32,359

A library for efficient similarity search and clustering of dense vectors.

13,429

Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk

7,563

Uniform Manifold Approximation and Projection

Benchmarks of approximate nearest neighbor libraries in Python

31,944

Milvus is a high-performance, cloud-native vector database built for scalable vector ANN search

Google Research

Quick Overview

HNSWLIB is a fast approximate nearest neighbor search library implemented in C++ with Python bindings. It's based on the Hierarchical Navigable Small World (HNSW) algorithm, which provides efficient similarity search in high-dimensional spaces. The library is designed for both memory and CPU efficiency.

Pros

  • Extremely fast search performance, especially for high-dimensional data
  • Supports both L2 and inner product distances
  • Provides Python bindings for easy integration with Python projects
  • Allows for incremental index construction and updates

Cons

  • Limited to in-memory indexing, which can be a constraint for very large datasets
  • Approximate search may not always return the exact nearest neighbors
  • Requires careful parameter tuning for optimal performance
  • Limited support for other distance metrics beyond L2 and inner product

Code Examples

Creating an index and adding items:

import hnswlib
import numpy as np

dim = 128
num_elements = 10000

# Generate random data
data = np.random.rand(num_elements, dim).astype('float32')

# Create an index
p = hnswlib.Index(space='l2', dim=dim)
p.init_index(max_elements=num_elements, ef_construction=200, M=16)

# Add items to the index
p.add_items(data)

Searching for nearest neighbors:

# Query the index
k = 10
query_data = np.random.rand(1, dim).astype('float32')
labels, distances = p.knn_query(query_data, k)

print(labels)
print(distances)

Saving and loading an index:

# Save the index to disk
p.save_index("my_index.bin")

# Load the index from disk
p_loaded = hnswlib.Index(space='l2', dim=dim)
p_loaded.load_index("my_index.bin", max_elements=num_elements)

Getting Started

To get started with HNSWLIB, first install it using pip:

pip install hnswlib

Then, you can create a simple index and perform a search:

import hnswlib
import numpy as np

# Create a random dataset
dim = 128
num_elements = 10000
data = np.random.rand(num_elements, dim).astype('float32')

# Create and populate the index
index = hnswlib.Index(space='l2', dim=dim)
index.init_index(max_elements=num_elements, ef_construction=200, M=16)
index.add_items(data)

# Perform a search
query = np.random.rand(1, dim).astype('float32')
labels, distances = index.knn_query(query, k=10)

print(f"Nearest neighbors: {labels}")
print(f"Distances: {distances}")

This example creates a random dataset, builds an index, and performs a nearest neighbor search.

Competitor Comparisons

32,359

A library for efficient similarity search and clustering of dense vectors.

Pros of Faiss

  • More comprehensive library with a wider range of indexing algorithms
  • Better support for GPU acceleration, enhancing performance for large-scale datasets
  • Extensive documentation and active community support

Cons of Faiss

  • Steeper learning curve due to its complexity and broader feature set
  • Potentially higher memory usage for some index types

Code Comparison

Faiss:

import faiss

d = 64  # dimension
nb = 100000  # database size
nq = 10000  # nb of queries
xb = np.random.random((nb, d)).astype('float32')
xq = np.random.random((nq, d)).astype('float32')

index = faiss.IndexFlatL2(d)
index.add(xb)
D, I = index.search(xq, k)

Hnswlib:

import hnswlib

dim = 64
num_elements = 100000

p = hnswlib.Index(space='l2', dim=dim)
p.init_index(max_elements=num_elements, ef_construction=200, M=16)
p.add_items(data)

labels, distances = p.knn_query(query_data, k=k)

Both libraries offer efficient nearest neighbor search capabilities, but Faiss provides a more extensive set of algorithms and GPU support, while Hnswlib focuses on simplicity and ease of use with its implementation of the HNSW algorithm.

13,429

Approximate Nearest Neighbors in C++/Python optimized for memory usage and loading/saving to disk

Pros of Annoy

  • Simpler implementation and easier to use for beginners
  • Supports both Angular and Euclidean distance metrics
  • Efficient memory mapping for large datasets

Cons of Annoy

  • Generally slower search performance compared to HNSW
  • Limited to static index (no dynamic updates)
  • Less flexible in terms of customization options

Code Comparison

Annoy:

from annoy import AnnoyIndex

f = 40  # Length of item vector
t = AnnoyIndex(f, 'angular')
for i in range(1000):
    v = [random.gauss(0, 1) for z in range(f)]
    t.add_item(i, v)
t.build(10)  # 10 trees

HNSW:

import hnswlib

dim = 40  # Length of item vector
num_elements = 1000
p = hnswlib.Index(space='l2', dim=dim)
p.init_index(max_elements=num_elements, ef_construction=100, M=16)
for i in range(num_elements):
    p.add_items(np.float32(np.random.random((1, dim))))

Both libraries offer efficient approximate nearest neighbor search capabilities, but HNSW generally provides better performance at the cost of increased complexity. Annoy is more straightforward to use and offers memory mapping for large datasets, while HNSW allows for dynamic updates and more fine-tuned control over the index structure.

7,563

Uniform Manifold Approximation and Projection

Pros of UMAP

  • Offers dimensionality reduction capabilities, allowing for visualization of high-dimensional data
  • Provides better preservation of global structure compared to t-SNE
  • Supports supervised and semi-supervised learning

Cons of UMAP

  • Generally slower for nearest neighbor search compared to HNSW
  • May require more memory for large datasets
  • Less suitable for real-time applications due to computational complexity

Code Comparison

UMAP example:

import umap
reducer = umap.UMAP()
embedding = reducer.fit_transform(data)

HNSW example:

import hnswlib
p = hnswlib.Index(space='l2', dim=data.shape[1])
p.init_index(max_elements=data.shape[0], ef_construction=200, M=16)
p.add_items(data)

UMAP focuses on dimensionality reduction and visualization, while HNSW is primarily designed for efficient approximate nearest neighbor search. UMAP is more versatile for various machine learning tasks, but HNSW excels in speed and memory efficiency for nearest neighbor queries. Choose UMAP for data exploration and visualization, and HNSW for fast similarity search in high-dimensional spaces.

Benchmarks of approximate nearest neighbor libraries in Python

Pros of ann-benchmarks

  • Comprehensive benchmarking suite for various ANN algorithms
  • Provides standardized datasets and evaluation metrics
  • Allows easy comparison of multiple ANN libraries

Cons of ann-benchmarks

  • Not an ANN implementation itself, unlike hnswlib
  • May have outdated results if not regularly maintained
  • Requires more setup and configuration to run benchmarks

Code comparison

hnswlib (C++ implementation):

#include <hnswlib/hnswlib.h>

HierarchicalNSW<float>* alg_hnsw = new HierarchicalNSW<float>(space, max_elements);
alg_hnsw->addPoint(v, label);
std::priority_queue<std::pair<float, labeltype>> result = alg_hnsw->searchKnn(q, k);

ann-benchmarks (Python benchmark script):

import ann_benchmarks

dataset = ann_benchmarks.datasets.get_dataset('glove-100-angular')
algo = ann_benchmarks.algorithms.hnswlib(M=16, ef=100)
ann_benchmarks.run_algorithm(algo, dataset)

Note: The code comparison shows the difference between using hnswlib directly and benchmarking it with ann-benchmarks. hnswlib provides the actual ANN implementation, while ann-benchmarks offers a framework for testing and comparing different ANN algorithms.

31,944

Milvus is a high-performance, cloud-native vector database built for scalable vector ANN search

Pros of Milvus

  • Comprehensive vector database solution with advanced features like data management, scalability, and cloud-native architecture
  • Supports multiple index types and search algorithms, offering flexibility for different use cases
  • Provides a high-level API and supports multiple programming languages

Cons of Milvus

  • More complex setup and deployment compared to the lightweight HNSW implementation
  • Higher resource requirements due to its full-featured nature
  • Steeper learning curve for users who only need basic vector search functionality

Code Comparison

Milvus (Python):

from pymilvus import Collection, connections

connections.connect()
collection = Collection("example_collection")
results = collection.search(
    data=[[1.0, 2.0, 3.0]],
    anns_field="vector_field",
    param={"metric_type": "L2", "params": {"nprobe": 10}},
    limit=5
)

HNSW (Python):

import hnswlib

index = hnswlib.Index(space='l2', dim=3)
index.init_index(max_elements=100, ef_construction=200, M=16)
index.add_items([[1.0, 2.0, 3.0]])
labels, distances = index.knn_query([[1.0, 2.0, 3.0]], k=5)

Both libraries offer efficient vector search capabilities, but Milvus provides a more comprehensive solution with additional features, while HNSW focuses on a lightweight and fast implementation of the HNSW algorithm.

Google Research

Pros of google-research

  • Broader scope, covering various research areas in AI and machine learning
  • Regularly updated with new research projects and findings
  • Provides implementations of cutting-edge algorithms and techniques

Cons of google-research

  • Less focused on a specific problem, making it harder to find relevant code
  • May have less optimized implementations compared to specialized libraries
  • Potentially steeper learning curve due to diverse codebase

Code Comparison

hnswlib (C++):

#include <hnswlib/hnswlib.h>

hnswlib::L2Space space(dim);
hnswlib::HierarchicalNSW<float>* alg_hnsw = new hnswlib::HierarchicalNSW<float>(&space, max_elements);
alg_hnsw->addPoint(data_point, label);

google-research (Python, using SCANN):

from scann import scann_ops_pybind

builder = scann_ops_pybind.builder(normalized_dataset, num_neighbors, "dot_product")
searcher = builder.tree(num_leaves, num_leaves_to_search, training_sample_size).build()
neighbors, distances = searcher.search(query)

Note: The code snippets are simplified examples and may not represent the full functionality of each library. google-research contains multiple projects, so the comparison focuses on SCANN, a similarity search algorithm developed by Google Research.

Convert Figma logo designs to code with AI

Visual Copilot

Introducing Visual Copilot: A new AI model to turn Figma designs to high quality code using your components.

Try Visual Copilot

README

Hnswlib - fast approximate nearest neighbor search

Header-only C++ HNSW implementation with python bindings, insertions and updates.

NEWS:

version 0.8.0

  • Multi-vector document search and epsilon search (for now, only in C++)
  • By default, there is no statistic aggregation, which speeds up the multi-threaded search (it does not seem like people are using it anyway: Issue #495).
  • Various bugfixes and improvements
  • get_items now have return_type parameter, which can be either 'numpy' or 'list'

Full list of changes: https://github.com/nmslib/hnswlib/pull/523

version 0.7.0

  • Added support to filtering (#402, #430) by @kishorenc
  • Added python interface for filtering (though note its performance is limited by GIL) (#417) by @gtsoukas
  • Added support for replacing the elements that were marked as delete with newly inserted elements (to control the size of the index, #418) by @dyashuni
  • Fixed data races/deadlocks in updates/insertion, added stress test for multithreaded operation (#418) by @dyashuni
  • Documentation, tests, exception handling, refactoring (#375, #379, #380, #395, #396, #401, #406, #404, #409, #410, #416, #415, #431, #432, #433) by @jlmelville, @dyashuni, @kishorenc, @korzhenevski, @yoshoku, @jianshu93, @PLNech
  • global linkages (#383) by @MasterAler, USE_SSE usage in MSVC (#408) by @alxvth

Highlights:

  1. Lightweight, header-only, no dependencies other than C++ 11
  2. Interfaces for C++, Python, external support for Java and R (https://github.com/jlmelville/rcpphnsw).
  3. Has full support for incremental index construction and updating the elements (thanks to the contribution by Apoorv Sharma). Has support for element deletions (by marking them in index, later can be replaced with other elements). Python index is picklable.
  4. Can work with custom user defined distances (C++).
  5. Significantly less memory footprint and faster build time compared to current nmslib's implementation.

Description of the algorithm parameters can be found in ALGO_PARAMS.md.

Python bindings

Supported distances:

DistanceparameterEquation
Squared L2'l2'd = sum((Ai-Bi)^2)
Inner product'ip'd = 1.0 - sum(Ai*Bi)
Cosine similarity'cosine'd = 1.0 - sum(Ai*Bi) / sqrt(sum(Ai*Ai) * sum(Bi*Bi))

Note that inner product is not an actual metric. An element can be closer to some other element than to itself. That allows some speedup if you remove all elements that are not the closest to themselves from the index.

For other spaces use the nmslib library https://github.com/nmslib/nmslib.

API description

  • hnswlib.Index(space, dim) creates a non-initialized index an HNSW in space space with integer dimension dim.

hnswlib.Index methods:

  • init_index(max_elements, M = 16, ef_construction = 200, random_seed = 100, allow_replace_deleted = False) initializes the index from with no elements.

    • max_elements defines the maximum number of elements that can be stored in the structure(can be increased/shrunk).
    • ef_construction defines a construction time/accuracy trade-off (see ALGO_PARAMS.md).
    • M defines tha maximum number of outgoing connections in the graph (ALGO_PARAMS.md).
    • allow_replace_deleted enables replacing of deleted elements with new added ones.
  • add_items(data, ids, num_threads = -1, replace_deleted = False) - inserts the data(numpy array of vectors, shape:N*dim) into the structure.

    • num_threads sets the number of cpu threads to use (-1 means use default).
    • ids are optional N-size numpy array of integer labels for all elements in data.
      • If index already has the elements with the same labels, their features will be updated. Note that update procedure is slower than insertion of a new element, but more memory- and query-efficient.
    • replace_deleted replaces deleted elements. Note it allows to save memory.
      • to use it init_index should be called with allow_replace_deleted=True
    • Thread-safe with other add_items calls, but not with knn_query.
  • mark_deleted(label) - marks the element as deleted, so it will be omitted from search results. Throws an exception if it is already deleted.

  • unmark_deleted(label) - unmarks the element as deleted, so it will be not be omitted from search results.

  • resize_index(new_size) - changes the maximum capacity of the index. Not thread safe with add_items and knn_query.

  • set_ef(ef) - sets the query time accuracy/speed trade-off, defined by the ef parameter ( ALGO_PARAMS.md). Note that the parameter is currently not saved along with the index, so you need to set it manually after loading.

  • knn_query(data, k = 1, num_threads = -1, filter = None) make a batch query for k closest elements for each element of the

    • data (shape:N*dim). Returns a numpy array of (shape:N*k).
    • num_threads sets the number of cpu threads to use (-1 means use default).
    • filter filters elements by its labels, returns elements with allowed ids. Note that search with a filter works slow in python in multithreaded mode. It is recommended to set num_threads=1
    • Thread-safe with other knn_query calls, but not with add_items.
  • load_index(path_to_index, max_elements = 0, allow_replace_deleted = False) loads the index from persistence to the uninitialized index.

    • max_elements(optional) resets the maximum number of elements in the structure.
    • allow_replace_deleted specifies whether the index being loaded has enabled replacing of deleted elements.
  • save_index(path_to_index) saves the index from persistence.

  • set_num_threads(num_threads) set the default number of cpu threads used during data insertion/querying.

  • get_items(ids, return_type = 'numpy') - returns a numpy array (shape:N*dim) of vectors that have integer identifiers specified in ids numpy vector (shape:N) if return_type is list return list of lists. Note that for cosine similarity it currently returns normalized vectors.

  • get_ids_list() - returns a list of all elements' ids.

  • get_max_elements() - returns the current capacity of the index

  • get_current_count() - returns the current number of element stored in the index

Read-only properties of hnswlib.Index class:

  • space - name of the space (can be one of "l2", "ip", or "cosine").

  • dim - dimensionality of the space.

  • M - parameter that defines the maximum number of outgoing connections in the graph.

  • ef_construction - parameter that controls speed/accuracy trade-off during the index construction.

  • max_elements - current capacity of the index. Equivalent to p.get_max_elements().

  • element_count - number of items in the index. Equivalent to p.get_current_count().

Properties of hnswlib.Index that support reading and writing:

  • ef - parameter controlling query time/accuracy trade-off.

  • num_threads - default number of threads to use in add_items or knn_query. Note that calling p.set_num_threads(3) is equivalent to p.num_threads=3.

Python bindings examples

See more examples here:

  • Creating index, inserting elements, searching, serialization/deserialization
  • Filtering during the search with a boolean function
  • Deleting the elements and reusing the memory of the deleted elements for newly added elements

An example of creating index, inserting elements, searching and pickle serialization:

import hnswlib
import numpy as np
import pickle

dim = 128
num_elements = 10000

# Generating sample data
data = np.float32(np.random.random((num_elements, dim)))
ids = np.arange(num_elements)

# Declaring index
p = hnswlib.Index(space = 'l2', dim = dim) # possible options are l2, cosine or ip

# Initializing index - the maximum number of elements should be known beforehand
p.init_index(max_elements = num_elements, ef_construction = 200, M = 16)

# Element insertion (can be called several times):
p.add_items(data, ids)

# Controlling the recall by setting ef:
p.set_ef(50) # ef should always be > k

# Query dataset, k - number of the closest elements (returns 2 numpy arrays)
labels, distances = p.knn_query(data, k = 1)

# Index objects support pickling
# WARNING: serialization via pickle.dumps(p) or p.__getstate__() is NOT thread-safe with p.add_items method!
# Note: ef parameter is included in serialization; random number generator is initialized with random_seed on Index load
p_copy = pickle.loads(pickle.dumps(p)) # creates a copy of index p using pickle round-trip

### Index parameters are exposed as class properties:
print(f"Parameters passed to constructor:  space={p_copy.space}, dim={p_copy.dim}") 
print(f"Index construction: M={p_copy.M}, ef_construction={p_copy.ef_construction}")
print(f"Index size is {p_copy.element_count} and index capacity is {p_copy.max_elements}")
print(f"Search speed/quality trade-off parameter: ef={p_copy.ef}")

An example with updates after serialization/deserialization:

import hnswlib
import numpy as np

dim = 16
num_elements = 10000

# Generating sample data
data = np.float32(np.random.random((num_elements, dim)))

# We split the data in two batches:
data1 = data[:num_elements // 2]
data2 = data[num_elements // 2:]

# Declaring index
p = hnswlib.Index(space='l2', dim=dim)  # possible options are l2, cosine or ip

# Initializing index
# max_elements - the maximum number of elements (capacity). Will throw an exception if exceeded
# during insertion of an element.
# The capacity can be increased by saving/loading the index, see below.
#
# ef_construction - controls index search speed/build speed tradeoff
#
# M - is tightly connected with internal dimensionality of the data. Strongly affects memory consumption (~M)
# Higher M leads to higher accuracy/run_time at fixed ef/efConstruction

p.init_index(max_elements=num_elements//2, ef_construction=100, M=16)

# Controlling the recall by setting ef:
# higher ef leads to better accuracy, but slower search
p.set_ef(10)

# Set number of threads used during batch search/construction
# By default using all available cores
p.set_num_threads(4)

print("Adding first batch of %d elements" % (len(data1)))
p.add_items(data1)

# Query the elements for themselves and measure recall:
labels, distances = p.knn_query(data1, k=1)
print("Recall for the first batch:", np.mean(labels.reshape(-1) == np.arange(len(data1))), "\n")

# Serializing and deleting the index:
index_path='first_half.bin'
print("Saving index to '%s'" % index_path)
p.save_index("first_half.bin")
del p

# Re-initializing, loading the index
p = hnswlib.Index(space='l2', dim=dim)  # the space can be changed - keeps the data, alters the distance function.

print("\nLoading index from 'first_half.bin'\n")

# Increase the total capacity (max_elements), so that it will handle the new data
p.load_index("first_half.bin", max_elements = num_elements)

print("Adding the second batch of %d elements" % (len(data2)))
p.add_items(data2)

# Query the elements for themselves and measure recall:
labels, distances = p.knn_query(data, k=1)
print("Recall for two batches:", np.mean(labels.reshape(-1) == np.arange(len(data))), "\n")

C++ examples

See examples here:

  • creating index, inserting elements, searching, serialization/deserialization
  • filtering during the search with a boolean function
  • deleting the elements and reusing the memory of the deleted elements for newly added elements
  • multithreaded usage
  • multivector search
  • epsilon search

Bindings installation

You can install from sources:

apt-get install -y python-setuptools python-pip
git clone https://github.com/nmslib/hnswlib.git
cd hnswlib
pip install .

or you can install via pip: pip install hnswlib

For developers

Contributions are highly welcome!

Please make pull requests against the develop branch.

When making changes please run tests (and please add a test to tests/python in case there is new functionality):

python -m unittest discover --start-directory tests/python --pattern "bindings_test*.py"

Other implementations

200M SIFT test reproduction

To download and extract the bigann dataset (from root directory):

python tests/cpp/download_bigann.py

To compile:

mkdir build
cd build
cmake ..
make all

To run the test on 200M SIFT subset:

./main

The size of the BigANN subset (in millions) is controlled by the variable subset_size_millions hardcoded in sift_1b.cpp.

Updates test

To generate testing data (from root directory):

cd tests/cpp
python update_gen_data.py

To compile (from root directory):

mkdir build
cd build
cmake ..
make 

To run test without updates (from build directory)

./test_updates

To run test with updates (from build directory)

./test_updates update

HNSW example demos

References

HNSW paper:

@article{malkov2018efficient,
  title={Efficient and robust approximate nearest neighbor search using hierarchical navigable small world graphs},
  author={Malkov, Yu A and Yashunin, Dmitry A},
  journal={IEEE transactions on pattern analysis and machine intelligence},
  volume={42},
  number={4},
  pages={824--836},
  year={2018},
  publisher={IEEE}
}

The update algorithm supported in this repository is to be published in "Dynamic Updates For HNSW, Hierarchical Navigable Small World Graphs" US Patent 15/929,802 by Apoorv Sharma, Abhishek Tayal and Yury Malkov.