Skip to main content

Smaller & Faster Single-File Vector Search Engine from Unum

Project description

USearch

Smaller & Faster Single-File
Similarity Search & Clustering Engine for Vectors & 🔜 Texts


Discord     LinkedIn     Twitter     Blog     GitHub

Spatial • Binary • Probabilistic • User-Defined Metrics
C++ 11Python 3JavaScriptJavaRustC 99Objective-CSwiftC#GoLangWolfram
Linux • MacOS • Windows • iOS • Android • WebAssembly • SQLite3


Technical Insights and related articles:

Comparison with FAISS

FAISS is a widely recognized standard for high-performance vector search engines. USearch and FAISS both employ the same HNSW algorithm, but they differ significantly in their design principles. USearch is compact and broadly compatible without sacrificing performance, primarily focusing on user-defined metrics and fewer dependencies.

FAISS USearch Improvement
Indexing time ⁰
100 Million 96d f32, f16, i8 vectors 2.6 · 2.6 · 2.6 h 0.3 · 0.2 · 0.2 h 9.6 · 10.4 · 10.7 x
100 Million 1536d f32, f16, i8 vectors 5.0 · 4.1 · 3.8 h 2.1 · 1.1 · 0.8 h 2.3 · 3.6 · 4.4 x
Codebase length ¹ 84 K SLOC 3 K SLOC maintainable
Supported metrics ² 9 fixed metrics any metric extendible
Supported languages ³ C++, Python 10 languages portable
Supported ID types ⁴ 32-bit, 64-bit 32-bit, 40-bit, 64-bit efficient
Filtering ⁵ ban-lists any predicates composable
Required dependencies ⁶ BLAS, OpenMP - light-weight
Bindings ⁷ SWIG Native low-latency
Python binding size ⁸ ~ 10 MB < 1 MB deployable

Tested on Intel Sapphire Rapids, with the simplest inner-product distance, equivalent recall, and memory consumption while also providing far superior search speed. ¹ A shorter codebase of usearch/ over faiss/ makes the project easier to maintain and audit. ² User-defined metrics allow you to customize your search for various applications, from GIS to creating custom metrics for composite embeddings from multiple AI models or hybrid full-text and semantic search. ³ With USearch, you can reuse the same preconstructed index in various programming languages. ⁴ The 40-bit integer allows you to store 4B+ vectors without allocating 8 bytes for every neighbor reference in the proximity graph. ⁵ With USearch the index can be combined with arbitrary external containers, like Bloom filters or third-party databases, to filter out irrelevant keys during index traversal. ⁶ Lack of obligatory dependencies makes USearch much more portable. ⁷ Native bindings introduce lower call latencies than more straightforward approaches. ⁸ Lighter bindings make downloads and deployments faster.

Base functionality is identical to FAISS, and the interface must be familiar if you have ever investigated Approximate Nearest Neighbors search:

# pip install usearch

import numpy as np
from usearch.index import Index

index = Index(ndim=3)               # Default settings for 3D vectors
vector = np.array([0.2, 0.6, 0.4])  # Can be a matrix for batch operations
index.add(42, vector)               # Add one or many vectors in parallel
matches = index.search(vector, 10)  # Find 10 nearest neighbors

assert matches[0].key == 42
assert matches[0].distance <= 0.001
assert np.allclose(index[42], vector, atol=0.1) # Ensure high tolerance in mixed-precision comparisons

More settings are always available, and the API is designed to be as flexible as possible. The default storage/quantization level is hardware-dependant for efficiency, but bf16 is recommended for most modern CPUs.

index = Index(
    ndim=3, # Define the number of dimensions in input vectors
    metric='cos', # Choose 'l2sq', 'ip', 'haversine' or other metric, default = 'cos'
    dtype='bf16', # Store as 'f64', 'f32', 'f16', 'i8', 'b1'..., default = None
    connectivity=16, # Optional: Limit number of neighbors per graph node
    expansion_add=128, # Optional: Control the recall of indexing
    expansion_search=64, # Optional: Control the quality of the search
    multi=False, # Optional: Allow multiple vectors per key, default = False
)

Serialization & Serving Index from Disk

USearch supports multiple forms of serialization:

  • Into a file defined with a path.
  • Into a stream defined with a callback, serializing or reconstructing incrementally.
  • Into a buffer of fixed length or a memory-mapped file that supports random access.

The latter allows you to serve indexes from external memory, enabling you to optimize your server choices for indexing speed and serving costs. This can result in 20x cost reduction on AWS and other public clouds.

index.save("index.usearch")

loaded_copy = index.load("index.usearch")
view = Index.restore("index.usearch", view=True)

other_view = Index(ndim=..., metric=...)
other_view.view("index.usearch")

Exact vs. Approximate Search

Approximate search methods, such as HNSW, are predominantly used when an exact brute-force search becomes too resource-intensive. This typically occurs when you have millions of entries in a collection. For smaller collections, we offer a more direct approach with the search method.

from usearch.index import search, MetricKind, Matches, BatchMatches
import numpy as np

# Generate 10'000 random vectors with 1024 dimensions
vectors = np.random.rand(10_000, 1024).astype(np.float32)
vector = np.random.rand(1024).astype(np.float32)

one_in_many: Matches = search(vectors, vector, 50, MetricKind.L2sq, exact=True)
many_in_many: BatchMatches = search(vectors, vectors, 50, MetricKind.L2sq, exact=True)

If you pass the exact=True argument, the system bypasses indexing altogether and performs a brute-force search through the entire dataset using SIMD-optimized similarity metrics from SimSIMD. When compared to FAISS's IndexFlatL2 in Google Colab, USearch may offer up to a 20x performance improvement:

  • faiss.IndexFlatL2: 55.3 ms.
  • usearch.index.search: 2.54 ms.

User-Defined Metrics

While most vector search packages concentrate on just two metrics, "Inner Product distance" and "Euclidean distance", USearch allows arbitrary user-defined metrics. This flexibility allows you to customize your search for various applications, from computing geospatial coordinates with the rare Haversine distance to creating custom metrics for composite embeddings from multiple AI models, like joint image-text embeddings. You can use Numba, Cppyy, or PeachPy to define your custom metric even in Python:

from numba import cfunc, types, carray
from usearch.index import Index, MetricKind, MetricSignature, CompiledMetric

@cfunc(types.float32(types.CPointer(types.float32), types.CPointer(types.float32)))
def python_inner_product(a, b):
    a_array = carray(a, ndim)
    b_array = carray(b, ndim)
    c = 0.0
    for i in range(ndim):
        c += a_array[i] * b_array[i]
    return 1 - c

metric = CompiledMetric(pointer=python_inner_product.address, kind=MetricKind.IP, signature=MetricSignature.ArrayArray)
index = Index(ndim=ndim, metric=metric, dtype=np.float32)

Similar effect is even easier to achieve in C, C++, and Rust interfaces. Moreover, unlike older approaches indexing high-dimensional spaces, like KD-Trees and Locality Sensitive Hashing, HNSW doesn't require vectors to be identical in length. They only have to be comparable. So you can apply it in obscure applications, like searching for similar sets or fuzzy text matching, using GZip compression-ratio as a distance function.

Filtering and Predicate Functions

Sometimes you may want to cross-reference search-results against some external database or filter them based on some criteria. In most engines, you'd have to manually perform paging requests, successively filtering the results. In USearch you can simply pass a predicate function to the search method, which will be applied directly during graph traversal. In Rust that would look like this:

let is_odd = |key: Key| key % 2 == 1;
let query = vec![0.2, 0.1, 0.2, 0.1, 0.3];
let results = index.filtered_search(&query, 10, is_odd).unwrap();
assert!(
    results.keys.iter().all(|&key| key % 2 == 1),
    "All keys must be odd"
);

Memory Efficiency, Downcasting, and Quantization

Training a quantization model and dimension-reduction is a common approach to accelerate vector search. Those, however, are only sometimes reliable, can significantly affect the statistical properties of your data, and require regular adjustments if your distribution shifts. Instead, we have focused on high-precision arithmetic over low-precision downcasted vectors. The same index, and add and search operations will automatically down-cast or up-cast between f64_t, f32_t, f16_t, i8_t, and single-bit b1x8_t representations. You can use the following command to check, if hardware acceleration is enabled:

$ python -c 'from usearch.index import Index; print(Index(ndim=768, metric="cos", dtype="f16").hardware_acceleration)'
> sapphire
$ python -c 'from usearch.index import Index; print(Index(ndim=166, metric="tanimoto").hardware_acceleration)'
> ice

In most cases, it's recommended to use half-precision floating-point numbers on modern hardware. When quantization is enabled, the "get"-like functions won't be able to recover the original data, so you may want to replicate the original vectors elsewhere. When quantizing to i8_t integers, note that it's only valid for cosine-like metrics. As part of the quantization process, the vectors are normalized to unit length and later scaled to [-127, 127] range to occupy the full 8-bit range. When quantizing to b1x8_t single-bit representations, note that it's only valid for binary metrics like Jaccard, Hamming, etc. As part of the quantization process, the scalar components greater than zero are set to true, and the rest to false.

USearch uint40_t support

Using smaller numeric types will save you RAM needed to store the vectors, but you can also compress the neighbors lists forming our proximity graphs. By default, 32-bit uint32_t is used to enumerate those, which is not enough if you need to address over 4 Billion entries. For such cases we provide a custom uint40_t type, that will still be 37.5% more space-efficient than the commonly used 8-byte integers, and will scale up to 1 Trillion entries.

Indexes for Multi-Index Lookups

For larger workloads targeting billions or even trillions of vectors, parallel multi-index lookups become invaluable. Instead of constructing one extensive index, you can build multiple smaller ones and view them together.

from usearch.index import Indexes

multi_index = Indexes(
    indexes: Iterable[usearch.index.Index] = [...],
    paths: Iterable[os.PathLike] = [...],
    view: bool = False,
    threads: int = 0,
)
multi_index.search(...)

Clustering

Once the index is constructed, USearch can perform K-Nearest Neighbors Clustering much faster than standalone clustering libraries, like SciPy, UMap, and tSNE. Same for dimensionality reduction with PCA. Essentially, the Index itself can be seen as a clustering, allowing iterative deepening.

clustering = index.cluster(
    min_count=10, # Optional
    max_count=15, # Optional
    threads=..., # Optional
)

# Get the clusters and their sizes
centroid_keys, sizes = clustering.centroids_popularity

# Use Matplotlib to draw a histogram
clustering.plot_centroids_popularity()

# Export a NetworkX graph of the clusters
g = clustering.network

# Get members of a specific cluster
first_members = clustering.members_of(centroid_keys[0])

# Deepen into that cluster, splitting it into more parts, all the same arguments supported
sub_clustering = clustering.subcluster(min_count=..., max_count=...)

The resulting clustering isn't identical to K-Means or other conventional approaches but serves the same purpose. Alternatively, using Scikit-Learn on a 1 Million point dataset, one may expect queries to take anywhere from minutes to hours, depending on the number of clusters you want to highlight. For 50'000 clusters, the performance difference between USearch and conventional clustering methods may easily reach 100x.

Joins, One-to-One, One-to-Many, and Many-to-Many Mappings

One of the big questions these days is how AI will change the world of databases and data management. Most databases are still struggling to implement high-quality fuzzy search, and the only kind of joins they know are deterministic. A join differs from searching for every entry, requiring a one-to-one mapping banning collisions among separate search results.

Exact Search Fuzzy Search Semantic Search ?
Exact Join Fuzzy Join ? Semantic Join ??

Using USearch, one can implement sub-quadratic complexity approximate, fuzzy, and semantic joins. This can be useful in any fuzzy-matching tasks common to Database Management Software.

men = Index(...)
women = Index(...)
pairs: dict = men.join(women, max_proposals=0, exact=False)

Read more in the post: Combinatorial Stable Marriages for Semantic Search 💍

Functionality

By now, the core functionality is supported across all bindings. Broader functionality is ported per request. In some cases, like Batch operations, feature parity is meaningless, as the host language has full multi-threading capabilities and the USearch index structure is concurrent by design, so the users can implement batching/scheduling/load-balancing in the most optimal way for their applications.

C++ 11 Python 3 C 99 Java JavaScript Rust GoLang Swift
Add, search, remove
Save, load, view
User-defined metrics
Batch operations
Filter predicates
Joins
Variable-length vectors
4B+ capacities

Application Examples

USearch + UForm + UCall = Multimodal Semantic Search

AI has a growing number of applications, but one of the coolest classic ideas is to use it for Semantic Search. One can take an encoder model, like the multi-modal UForm, and a web-programming framework, like UCall, and build a text-to-image search platform in just 20 lines of Python.

from ucall import Server
from uform import get_model, Modality
from usearch.index import Index

import numpy as np
import PIL as pil

processors, models = get_model('unum-cloud/uform3-image-text-english-small')
model_text = models[Modality.TEXT_ENCODER]
model_image = models[Modality.IMAGE_ENCODER]
processor_text = processors[Modality.TEXT_ENCODER]
processor_image = processors[Modality.IMAGE_ENCODER]

server = Server()
index = Index(ndim=256)

@server
def add(key: int, photo: pil.Image.Image):
    image = processor_image(photo)
    vector = model_image(image)
    index.add(key, vector.flatten(), copy=True)

@server
def search(query: str) -> np.ndarray:
    tokens = processor_text(query)
    vector = model_text(tokens)
    matches = index.search(vector.flatten(), 3)
    return matches.keys

server.run()

Similar experiences can also be implemented in other languages and on the client side, removing the network latency. For Swift and iOS, check out the ashvardanian/SwiftSemanticSearch repository.

SwiftSemanticSearch demo Dog SwiftSemanticSearch demo with Flowers

A more complete demo with Streamlit is available on GitHub. We have pre-processed some commonly used datasets, cleaned the images, produced the vectors, and pre-built the index.

Dataset Modalities Images Download
Unsplash Images & Descriptions 25 K HuggingFace / Unum
Conceptual Captions Images & Descriptions 3 M HuggingFace / Unum
Arxiv Titles & Abstracts 2 M HuggingFace / Unum

USearch + RDKit = Molecular Search

Comparing molecule graphs and searching for similar structures is expensive and slow. It can be seen as a special case of the NP-Complete Subgraph Isomorphism problem. Luckily, domain-specific approximate methods exist. The one commonly used in Chemistry is to generate structures from SMILES and later hash them into binary fingerprints. The latter are searchable with binary similarity metrics, like the Tanimoto coefficient. Below is an example using the RDKit package.

from usearch.index import Index, MetricKind
from rdkit import Chem
from rdkit.Chem import AllChem

import numpy as np

molecules = [Chem.MolFromSmiles('CCOC'), Chem.MolFromSmiles('CCO')]
encoder = AllChem.GetRDKitFPGenerator()

fingerprints = np.vstack([encoder.GetFingerprint(x) for x in molecules])
fingerprints = np.packbits(fingerprints, axis=1)

index = Index(ndim=2048, metric=MetricKind.Tanimoto)
keys = np.arange(len(molecules))

index.add(keys, fingerprints)
matches = index.search(fingerprints, 10)

That method was used to build the "USearch Molecules", one of the largest Chem-Informatics datasets, containing 7 billion small molecules and 28 billion fingerprints.

USearch + POI Coordinates = GIS Applications

Similar to Vector and Molecule search, USearch can be used for Geospatial Information Systems. The Haversine distance is available out of the box, but you can also define more complex relationships, like the Vincenty formula, that accounts for the Earth's oblateness.

from numba import cfunc, types, carray
import math

# Define the dimension as 2 for latitude and longitude
ndim = 2

# Signature for the custom metric
signature = types.float32(
    types.CPointer(types.float32),
    types.CPointer(types.float32))

# WGS-84 ellipsoid parameters
a = 6378137.0  # major axis in meters
f = 1 / 298.257223563  # flattening
b = (1 - f) * a  # minor axis

def vincenty_distance(a_ptr, b_ptr):
    a_array = carray(a_ptr, ndim)
    b_array = carray(b_ptr, ndim)
    lat1, lon1, lat2, lon2 = a_array[0], a_array[1], b_array[0], b_array[1]
    L, U1, U2 = lon2 - lon1, math.atan((1 - f) * math.tan(lat1)), math.atan((1 - f) * math.tan(lat2))
    sinU1, cosU1, sinU2, cosU2 = math.sin(U1), math.cos(U1), math.sin(U2), math.cos(U2)
    lambda_, iterLimit = L, 100
    while iterLimit > 0:
        iterLimit -= 1
        sinLambda, cosLambda = math.sin(lambda_), math.cos(lambda_)
        sinSigma = math.sqrt((cosU2 * sinLambda) ** 2 + (cosU1 * sinU2 - sinU1 * cosU2 * cosLambda) ** 2)
        if sinSigma == 0: return 0.0  # Co-incident points
        cosSigma, sigma = sinU1 * sinU2 + cosU1 * cosU2 * cosLambda, math.atan2(sinSigma, cosSigma)
        sinAlpha, cos2Alpha = cosU1 * cosU2 * sinLambda / sinSigma, 1 - (cosU1 * cosU2 * sinLambda / sinSigma) ** 2
        cos2SigmaM = cosSigma - 2 * sinU1 * sinU2 / cos2Alpha if not math.isnan(cosSigma - 2 * sinU1 * sinU2 / cos2Alpha) else 0  # Equatorial line
        C = f / 16 * cos2Alpha * (4 + f * (4 - 3 * cos2Alpha))
        lambda_, lambdaP = L + (1 - C) * f * (sinAlpha * (sigma + C * sinSigma * (cos2SigmaM + C * cosSigma * (-1 + 2 * cos2SigmaM ** 2)))), lambda_
        if abs(lambda_ - lambdaP) <= 1e-12: break
    if iterLimit == 0: return float('nan')  # formula failed to converge
    u2 = cos2Alpha * (a ** 2 - b ** 2) / (b ** 2)
    A = 1 + u2 / 16384 * (4096 + u2 * (-768 + u2 * (320 - 175 * u2)))
    B = u2 / 1024 * (256 + u2 * (-128 + u2 * (74 - 47 * u2)))
    deltaSigma = B * sinSigma * (cos2SigmaM + B / 4 * (cosSigma * (-1 + 2 * cos2SigmaM ** 2) - B / 6 * cos2SigmaM * (-3 + 4 * sinSigma ** 2) * (-3 + 4 * cos2SigmaM ** 2)))
    s = b * A * (sigma - deltaSigma)
    return s / 1000.0  # Distance in kilometers

# Example usage:
index = Index(ndim=ndim, metric=CompiledMetric(
    pointer=vincenty_distance.address,
    kind=MetricKind.Haversine,
    signature=MetricSignature.ArrayArray,
))

Integrations & Users

Citations

@software{Vardanian_USearch_2023,
doi = {10.5281/zenodo.7949416},
author = {Vardanian, Ash},
title = {{USearch by Unum Cloud}},
url = {https://github.com/unum-cloud/usearch},
version = {2.16.2},
year = {2023},
month = oct,
}

Project details


Release history Release notifications | RSS feed

Download files

Download the file for your platform. If you're not sure which to choose, learn more about installing packages.

Source Distributions

No source distribution files available for this release.See tutorial on generating distribution archives.

Built Distributions

usearch-2.16.2-cp312-cp312-win_arm64.whl (276.7 kB view details)

Uploaded CPython 3.12 Windows ARM64

usearch-2.16.2-cp312-cp312-win_amd64.whl (292.5 kB view details)

Uploaded CPython 3.12 Windows x86-64

usearch-2.16.2-cp312-cp312-musllinux_1_2_x86_64.whl (2.0 MB view details)

Uploaded CPython 3.12 musllinux: musl 1.2+ x86-64

usearch-2.16.2-cp312-cp312-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.12 musllinux: musl 1.2+ ARM64

usearch-2.16.2-cp312-cp312-manylinux_2_28_x86_64.whl (1.6 MB view details)

Uploaded CPython 3.12 manylinux: glibc 2.28+ x86-64

usearch-2.16.2-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl (1.4 MB view details)

Uploaded CPython 3.12 manylinux: glibc 2.27+ ARM64 manylinux: glibc 2.28+ ARM64

usearch-2.16.2-cp312-cp312-macosx_11_0_arm64.whl (379.9 kB view details)

Uploaded CPython 3.12 macOS 11.0+ ARM64

usearch-2.16.2-cp312-cp312-macosx_10_13_x86_64.whl (398.6 kB view details)

Uploaded CPython 3.12 macOS 10.13+ x86-64

usearch-2.16.2-cp312-cp312-macosx_10_13_universal2.whl (738.7 kB view details)

Uploaded CPython 3.12 macOS 10.13+ universal2 (ARM64, x86-64)

usearch-2.16.2-cp311-cp311-win_arm64.whl (275.7 kB view details)

Uploaded CPython 3.11 Windows ARM64

usearch-2.16.2-cp311-cp311-win_amd64.whl (291.2 kB view details)

Uploaded CPython 3.11 Windows x86-64

usearch-2.16.2-cp311-cp311-musllinux_1_2_x86_64.whl (2.0 MB view details)

Uploaded CPython 3.11 musllinux: musl 1.2+ x86-64

usearch-2.16.2-cp311-cp311-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.11 musllinux: musl 1.2+ ARM64

usearch-2.16.2-cp311-cp311-manylinux_2_28_x86_64.whl (1.6 MB view details)

Uploaded CPython 3.11 manylinux: glibc 2.28+ x86-64

usearch-2.16.2-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl (1.4 MB view details)

Uploaded CPython 3.11 manylinux: glibc 2.27+ ARM64 manylinux: glibc 2.28+ ARM64

usearch-2.16.2-cp311-cp311-macosx_11_0_arm64.whl (377.7 kB view details)

Uploaded CPython 3.11 macOS 11.0+ ARM64

usearch-2.16.2-cp311-cp311-macosx_10_9_x86_64.whl (393.6 kB view details)

Uploaded CPython 3.11 macOS 10.9+ x86-64

usearch-2.16.2-cp311-cp311-macosx_10_9_universal2.whl (730.1 kB view details)

Uploaded CPython 3.11 macOS 10.9+ universal2 (ARM64, x86-64)

usearch-2.16.2-cp310-cp310-win_arm64.whl (274.4 kB view details)

Uploaded CPython 3.10 Windows ARM64

usearch-2.16.2-cp310-cp310-win_amd64.whl (290.1 kB view details)

Uploaded CPython 3.10 Windows x86-64

usearch-2.16.2-cp310-cp310-musllinux_1_2_x86_64.whl (2.0 MB view details)

Uploaded CPython 3.10 musllinux: musl 1.2+ x86-64

usearch-2.16.2-cp310-cp310-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.10 musllinux: musl 1.2+ ARM64

usearch-2.16.2-cp310-cp310-manylinux_2_28_x86_64.whl (1.6 MB view details)

Uploaded CPython 3.10 manylinux: glibc 2.28+ x86-64

usearch-2.16.2-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl (1.4 MB view details)

Uploaded CPython 3.10 manylinux: glibc 2.27+ ARM64 manylinux: glibc 2.28+ ARM64

usearch-2.16.2-cp310-cp310-macosx_11_0_arm64.whl (375.6 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

usearch-2.16.2-cp310-cp310-macosx_10_9_x86_64.whl (391.5 kB view details)

Uploaded CPython 3.10 macOS 10.9+ x86-64

usearch-2.16.2-cp310-cp310-macosx_10_9_universal2.whl (725.4 kB view details)

Uploaded CPython 3.10 macOS 10.9+ universal2 (ARM64, x86-64)

usearch-2.16.2-cp39-cp39-win_arm64.whl (275.2 kB view details)

Uploaded CPython 3.9 Windows ARM64

usearch-2.16.2-cp39-cp39-win_amd64.whl (284.8 kB view details)

Uploaded CPython 3.9 Windows x86-64

usearch-2.16.2-cp39-cp39-musllinux_1_2_x86_64.whl (2.0 MB view details)

Uploaded CPython 3.9 musllinux: musl 1.2+ x86-64

usearch-2.16.2-cp39-cp39-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.9 musllinux: musl 1.2+ ARM64

usearch-2.16.2-cp39-cp39-manylinux_2_28_x86_64.whl (1.6 MB view details)

Uploaded CPython 3.9 manylinux: glibc 2.28+ x86-64

usearch-2.16.2-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl (1.4 MB view details)

Uploaded CPython 3.9 manylinux: glibc 2.27+ ARM64 manylinux: glibc 2.28+ ARM64

usearch-2.16.2-cp39-cp39-macosx_11_0_arm64.whl (375.8 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

usearch-2.16.2-cp39-cp39-macosx_10_9_x86_64.whl (391.7 kB view details)

Uploaded CPython 3.9 macOS 10.9+ x86-64

usearch-2.16.2-cp39-cp39-macosx_10_9_universal2.whl (726.0 kB view details)

Uploaded CPython 3.9 macOS 10.9+ universal2 (ARM64, x86-64)

usearch-2.16.2-cp38-cp38-win_amd64.whl (290.2 kB view details)

Uploaded CPython 3.8 Windows x86-64

usearch-2.16.2-cp38-cp38-musllinux_1_2_x86_64.whl (2.0 MB view details)

Uploaded CPython 3.8 musllinux: musl 1.2+ x86-64

usearch-2.16.2-cp38-cp38-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.8 musllinux: musl 1.2+ ARM64

usearch-2.16.2-cp38-cp38-manylinux_2_28_x86_64.whl (1.6 MB view details)

Uploaded CPython 3.8 manylinux: glibc 2.28+ x86-64

usearch-2.16.2-cp38-cp38-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl (1.4 MB view details)

Uploaded CPython 3.8 manylinux: glibc 2.27+ ARM64 manylinux: glibc 2.28+ ARM64

usearch-2.16.2-cp38-cp38-macosx_11_0_arm64.whl (375.4 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

usearch-2.16.2-cp38-cp38-macosx_10_9_x86_64.whl (391.4 kB view details)

Uploaded CPython 3.8 macOS 10.9+ x86-64

usearch-2.16.2-cp38-cp38-macosx_10_9_universal2.whl (725.1 kB view details)

Uploaded CPython 3.8 macOS 10.9+ universal2 (ARM64, x86-64)

usearch-2.16.2-cp37-cp37m-win_amd64.whl (290.7 kB view details)

Uploaded CPython 3.7m Windows x86-64

usearch-2.16.2-cp37-cp37m-musllinux_1_2_x86_64.whl (2.0 MB view details)

Uploaded CPython 3.7m musllinux: musl 1.2+ x86-64

usearch-2.16.2-cp37-cp37m-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.7m musllinux: musl 1.2+ ARM64

usearch-2.16.2-cp37-cp37m-manylinux_2_28_x86_64.whl (1.6 MB view details)

Uploaded CPython 3.7m manylinux: glibc 2.28+ x86-64

usearch-2.16.2-cp37-cp37m-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl (1.5 MB view details)

Uploaded CPython 3.7m manylinux: glibc 2.27+ ARM64 manylinux: glibc 2.28+ ARM64

usearch-2.16.2-cp37-cp37m-macosx_10_9_x86_64.whl (388.7 kB view details)

Uploaded CPython 3.7m macOS 10.9+ x86-64

File details

Details for the file usearch-2.16.2-cp312-cp312-win_arm64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp312-cp312-win_arm64.whl
  • Upload date:
  • Size: 276.7 kB
  • Tags: CPython 3.12, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp312-cp312-win_arm64.whl
Algorithm Hash digest
SHA256 2a49ae88929ecffb394fe90a1f6a2baab774181e62789069f8a6c084792103bc
MD5 3c0a307289aa6e6e000ddd1c47165bbf
BLAKE2b-256 a779636bfa57389287b8dfa8a8da53f57771660cd42d89d32a231e89147da4d7

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-win_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-win_amd64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp312-cp312-win_amd64.whl
  • Upload date:
  • Size: 292.5 kB
  • Tags: CPython 3.12, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp312-cp312-win_amd64.whl
Algorithm Hash digest
SHA256 fe8f231827753d0968210c654ed5fc3b8a4156018c0c359e2b0a97fc7a2bc8f2
MD5 dd1ec7949421cc69a98ceec36ba44235
BLAKE2b-256 a627a9082a90d8126bf69a9e164647d2526d0431642af2cf301ed3957419afc1

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-win_amd64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-musllinux_1_2_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 06a8ce68911aea03420adb487c5ec9ff09111082c3d12413c8e1316cf473cfc0
MD5 2d0c3bfd7e1be3b44153442604b73b33
BLAKE2b-256 98a44a06ba519e49ff3a526ddd34a3f4754ce55cb593d041c76f44b1b7a3961a

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-musllinux_1_2_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 648c7983d2ad34ccd91fefdf248f1de3520a99a2a75945df31c90387c68f2036
MD5 5c9ecb46166473dc0bf4e0d22b5ca249
BLAKE2b-256 7d19d6f143341c915a9aea92f511e550185144f15395f923ecba687a0d35d596

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-musllinux_1_2_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-manylinux_2_28_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 60c12b913673df97c3e4516531dbc8ad2d3b93f76de1edc165941d57697361da
MD5 4979ea96204d928759b79581c6251bc7
BLAKE2b-256 52fe1458a79abedcc6c480b95e3e4ce2b4badcf5f3c8c7e23452ce15f6f3318f

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-manylinux_2_28_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 d7bfe8187c90b01c83bb3fc5b147a8588410f4e35c2e305e63c49f60f47fc85e
MD5 627eefa1e4f9fec78b8a86f29a72a75e
BLAKE2b-256 2afe6eaf7611df9a38edb05ba25b69a7cb9a27b3264ad01e090f93d54965bcd0

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 08a0d4caeab1e53f81f17088bfbbd75871d3c7e9c26cdc8777d8d22e17a2dc47
MD5 6981b3af2be94c826152adcbbc9b9e2c
BLAKE2b-256 9ac945a904d47a584b2cda79eaa6d9a8db856f478f3b4d890f3ad00571128147

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-macosx_11_0_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-macosx_10_13_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-macosx_10_13_x86_64.whl
Algorithm Hash digest
SHA256 8fa30edeb80445f80f52eb469c8cbf43424c52b30634ba655754995d8af4232c
MD5 38c21493b6c1ae0d4f25a988d652844a
BLAKE2b-256 f0a2d9deb5123d982003f14d359619a7d1ea005ea699eb34ee9439f4fa942344

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-macosx_10_13_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp312-cp312-macosx_10_13_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp312-cp312-macosx_10_13_universal2.whl
Algorithm Hash digest
SHA256 92c66bdd8785750328bc4205c1f644eb2ce5831330d6d8a975c5f386761b31e9
MD5 d425f60596cca45cf692885019ab49ec
BLAKE2b-256 3b88474d462f261b1cf768b760743ceb1cc2e0cbe248047e39da00d2df4e6778

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp312-cp312-macosx_10_13_universal2.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-win_arm64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp311-cp311-win_arm64.whl
  • Upload date:
  • Size: 275.7 kB
  • Tags: CPython 3.11, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp311-cp311-win_arm64.whl
Algorithm Hash digest
SHA256 d90472efd01b8c52a95d0a6791f03061ef1dcfb6b02d27b8c0199cb737d92dfd
MD5 15340839621c8596289df8cfa3b7c6c0
BLAKE2b-256 6392b969b0c2b82a29ffb86ce65d1ca22432af7fd260b015d51bf1ad85838ff5

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-win_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-win_amd64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp311-cp311-win_amd64.whl
  • Upload date:
  • Size: 291.2 kB
  • Tags: CPython 3.11, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 4718455520c3ee2867b6439a4f6fd68d56400b433293732c286ebd4cc4ba7d5e
MD5 be0beca57aa3a38e4b74a998969feeaf
BLAKE2b-256 f47703c2603e984d791b76b87583be17abec4d67052e1896f6f7d902e66ffe07

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-win_amd64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-musllinux_1_2_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 59a8480f58c796fbd8c3386cbc9a46084b1d9a0563ef4c340ffd4833b1d31a48
MD5 464543ef935260e330d09cdc06de46ac
BLAKE2b-256 1086861866d963b2bb442f63b68ec2e4b6878780712fdce787ed94859b0c1b2d

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-musllinux_1_2_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 291734c970594dd8ba4ca8476ba7cd1b018c4f2cd93225270a1cc838fb78ac26
MD5 e8b88cac08f16b3a96f5473e99036685
BLAKE2b-256 32d060ae11c4020e86b59c89b115ca9fb83e7dca1801102d816565a47bc553f0

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-musllinux_1_2_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-manylinux_2_28_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 657f588f603395fb95c76529cc182382934698a8161f71c83937211f6537533d
MD5 9376822dc07f37933b465bc56e01ae4e
BLAKE2b-256 72a1a276e633de944cc5ce5e022b4d0a892fa13c034bdf7cdb846ea4bfa90544

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-manylinux_2_28_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 b9be6c3d06be011de8e3bf96ad3a906b55c321c46e851e38f2528516d611ed22
MD5 200f29fe8efa682b3b69a3e1d2529e97
BLAKE2b-256 1585ae3c319747d808f372be90f3f927c2a5c46b3dbf121691332d6aa28e0e58

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 5027ceea72f2b5b62ed2cff3d4d8da4efa54694ca2006a39bccb98f0a7792a76
MD5 8086e9307032d9e5aeb82001dd31a9c9
BLAKE2b-256 52b9147a66b38618f08cd9c1f6050912d8081357eec24c1108a2f867d3e622b9

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-macosx_11_0_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 9a51133de06f41897afc01281dcff4c3e2597199fa738d19efbf0cb3a6879079
MD5 4ae585dd71a20035b12b22bd97cdaf37
BLAKE2b-256 d04972b146a6d2a0d02f913f74402afe2e20c142ff1799840afebea796b6cb5e

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-macosx_10_9_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp311-cp311-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp311-cp311-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 cb3960377ff635cd79909113aa29bfa31dff822f49bb3a202ba974fb9a528de7
MD5 e9caf9acfca6c23bbb90fb78ea565301
BLAKE2b-256 2fa8d9f37214dc9495c8234f05c59543f89fd8290154eb1993cfe5ae9481578d

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp311-cp311-macosx_10_9_universal2.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-win_arm64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp310-cp310-win_arm64.whl
  • Upload date:
  • Size: 274.4 kB
  • Tags: CPython 3.10, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp310-cp310-win_arm64.whl
Algorithm Hash digest
SHA256 f5166effca623380ddf453bc27feab63d5c07972d72bd97610e24cce02840f5f
MD5 4fe4a28243beae18076c30ca3905c717
BLAKE2b-256 3f105eb6d07df7683e8f43fdc2944049a0dbc688d605a12629f3788047600e16

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-win_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-win_amd64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp310-cp310-win_amd64.whl
  • Upload date:
  • Size: 290.1 kB
  • Tags: CPython 3.10, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 2b619868eaec337424121b117a9f328c59850a95cba5149f46b418448c168650
MD5 2efe793db152e5a80b3c38bec4e97841
BLAKE2b-256 60dfa2fa2564d6ca27bda163c194fbcfbfc8dd7afcf385eab6d5a9a40ae8a5cf

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-win_amd64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-musllinux_1_2_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 157c4816a2cbb089ff05c1c5092cb6abf455b8ae290d31f177a61cb9bcb61256
MD5 f8f9e11ebcd9e44cbaed669d8474d432
BLAKE2b-256 93fdd2e9271a2e5fda62f0f63ffcf521d9f5ecc43c4bffd60f58660e9cbe599f

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-musllinux_1_2_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 a382731c368b4b617e988ae11bc85bfbd4756260dc577d8122ea8be7d8268177
MD5 0121a14ace7cbf89f533ae6abab48028
BLAKE2b-256 7947b2c13cc1cf7635ec90a4d67e1edc170d6ef25fb93dcc04b539e6077fff1a

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-musllinux_1_2_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-manylinux_2_28_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 1f93faceaacbfdbc936128b5f582862ae935419f597ea941b25cd735296e0c1e
MD5 c0eaa5cef29428cee8abc2fd9d3f19d3
BLAKE2b-256 25463b5e39940b36041b3d44463ed224394010981e1ec4a812952214bdbbc778

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-manylinux_2_28_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 c2a65d569395bfdc821fc1c7e7c772fdc6c9d15201ddf29bc3b0c977dfb27119
MD5 536be8dc2e886e7af3855fbbcbdde3d8
BLAKE2b-256 19b88e796900fc48f820850c57791c22fc1bda05647c242ffd44b15c09086b0d

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 31a28e9bb1758576fa2af9e7e43cbffb2f20b306950af950a83abcad6034d24d
MD5 405ca266987b04c7fdb196ad3b72a8cb
BLAKE2b-256 6681ee6ab28209ebc2e091e96c00cbb523b0dbf665d83ea1e200cf3b898e02c6

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-macosx_11_0_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 aacdfadc95b098327761fd769d3059e96913833b0c4838f67556e5f35dc1f1ba
MD5 9bedb287d0e9da00f59a02a12e6b9420
BLAKE2b-256 abfe7e3aec6269747c02bbd00dc591874617ad35a0e6368784465a2d8d593092

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-macosx_10_9_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp310-cp310-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp310-cp310-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 5257b977feb67ecd68222018593749b33c19e439f30d8507dc72480e3e4ca7b3
MD5 0733a61f76781910172efa85ce807920
BLAKE2b-256 75faddbc62c29d57f684fa06d055b76e94879bd9ee097608d2fb6776cf528c98

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp310-cp310-macosx_10_9_universal2.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-win_arm64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp39-cp39-win_arm64.whl
  • Upload date:
  • Size: 275.2 kB
  • Tags: CPython 3.9, Windows ARM64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp39-cp39-win_arm64.whl
Algorithm Hash digest
SHA256 064af09800c22ef89aa7a12409a80fd5928069f1d4f004fbfaaa9c9813b2a202
MD5 016e3dc4ebdcf91130622d06e0c14b0e
BLAKE2b-256 20a704ac45a02c55c83ff82e2a82fea8abc45366569c17ee45cf229a4e48d426

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-win_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-win_amd64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp39-cp39-win_amd64.whl
  • Upload date:
  • Size: 284.8 kB
  • Tags: CPython 3.9, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 ef58e64487d2f90adaca0bf647f5a517a3a229dc55d8830bdda8acb525f9c4a5
MD5 f1d75c3fbba7882ccd1619b83e56bfa6
BLAKE2b-256 00ccc05616645f738c50e14311688b4f4de73a3ec70c2156c78cf24c3de355ea

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-win_amd64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-musllinux_1_2_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 2b29c6665cd4c44be9b559ca3c11fc3115a9a1ebd35c8020c5b00892c3839bca
MD5 ac28bc2f89dade989edb92d8320c0d0e
BLAKE2b-256 6af14e13bc1f3db44022f6d53589f66cff237fa3050ba24190932ad970ee656c

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-musllinux_1_2_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 3d534d81eb620c340be28de6213d9bdf590adeb8e12ecd3f59516a65871be193
MD5 f872bb5385fa1182146f7e4639942178
BLAKE2b-256 38607d820281ef027a43edc09bd7fe5697fc4067da7b905ae5f8e282377d3032

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-musllinux_1_2_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-manylinux_2_28_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 a35df633f96cc26971ade071780b9fc97abcfa913fc473d92e9c810789bf07d8
MD5 9ebacf470bc50bec2f7ab07c50721907
BLAKE2b-256 1142eb25444c5ef505319ff92f32d35de910167a74858ec7e43986afb7809a22

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-manylinux_2_28_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 1e54966baa94df0bacffeae7d8b4eab81fa5405c40c209a1dc701ac61bc97687
MD5 3b0ad52355c5f5affd49ae2255686618
BLAKE2b-256 2ec0d3b3b81320e390f8f24d783077cdba15bf5300789f52a6cf322eac7383f0

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 835b92cae92867453d5c9a8c1e444a743aa03fc2a4410d42404ef34f14c36be3
MD5 226dd45776e30b3e85013931cfa3dc43
BLAKE2b-256 960122df458a05a675ed9139c2b5412eede53e831dc54e58d5f3553f66acf8ee

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-macosx_11_0_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 cef72355358aeaaed3288001de8f20c89fde4ce1dd70bba4f33a3d25138e5cc0
MD5 c3f9cbe8252c323221fb505660f461c0
BLAKE2b-256 33d084eee66423cc4be79a15255e5e52d79e95a1eae64e1c1708ace1d08a1862

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-macosx_10_9_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp39-cp39-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp39-cp39-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 32cb6dfd8add0cce323d6313f61c7c0a4e3d649ea2b849ffa959e191082b4a49
MD5 4c7f9b79c73295201b0c985dd6d3fd86
BLAKE2b-256 468fe64031cef52f1c334f2aabbac4a92cbb8d136d52c98fbd2563f4c3af58fe

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp39-cp39-macosx_10_9_universal2.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-win_amd64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp38-cp38-win_amd64.whl
  • Upload date:
  • Size: 290.2 kB
  • Tags: CPython 3.8, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 f57ee52e8382267eee74e1fe7710029018a2e95d0a46eef8092ddc51890f88b4
MD5 d08df5accd7bd3608a3636848c1e8e73
BLAKE2b-256 3277f6c8b3f77c706cf715eaf4168b3ea01f640ce5daedf204951bfaee7f3735

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-win_amd64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-musllinux_1_2_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 dbfc68433b7286caa757695cb39e1379ad8614ded82f4617d526db5931a5797e
MD5 822483e20b37fb5af6ede8b89679d76b
BLAKE2b-256 23db57a5ebeecda8797a454eb77bed6a761ee327c54bcecd37dd5a140470a32b

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-musllinux_1_2_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 8cd7e00ff5aaa78e470da0adbe40863db5255327c73417e8d45d5ada70464882
MD5 4d7a5b465b827e3feca5318c93d09c1a
BLAKE2b-256 90fe96f754e7852f099a12e04dc5bc33825dd111899aed1f1dc33c19a715a4a4

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-musllinux_1_2_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-manylinux_2_28_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 39aefd398f88d3d799385ec7f47e82783371f8bd65748aa8abe91a698d962634
MD5 d6e747b0c337a10641133c615a8ef7b5
BLAKE2b-256 8b783401b9965a8fe171ffe04893417b8981b29aab91b798a744a7aa5d3bcea2

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-manylinux_2_28_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 20497c17a48b806739cf8ed1423b1df051f8fee3c3aa0950d3c9b310a98ad3f3
MD5 4859382cd94cc94669e322c5e4384103
BLAKE2b-256 d05a2fd1baa445ea6bf8da0900dbb63ad1fb5aabcbb373d091102d7547a994c1

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 33c9608668e048cebcd7adee6fd2ea538e877fe10ddd00266b5fdfd76ee43f2d
MD5 6ab2a0eeb8bca24567b43f2a77a1e195
BLAKE2b-256 2696bd4ed8bbf8be5fcf69d5b8b117c44f21564d38152f1b56edcf7472dc14e1

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-macosx_11_0_arm64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 ec2744bb400f3e4f4fa0577b5cf7b6f0de8971458880363dca37cc3b0cee57ce
MD5 77f31cf014789d6eb5590e45647a69d6
BLAKE2b-256 3bc1185ec17f9b6d3b78b1c68f356f7f2cc172e50da4ed4d010d791678ed27d3

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-macosx_10_9_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp38-cp38-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp38-cp38-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 5baf1f62200f69a980fe3f29da6737ee8af5847bf8bbdd4179c16006d8fe18cb
MD5 5791b02eb7afaa2c155dc4fc913bf41e
BLAKE2b-256 9cf8e26576fbb348b0b32a27293d683c63c19e940602088f65cfae5dc2ddb7d4

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp38-cp38-macosx_10_9_universal2.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp37-cp37m-win_amd64.whl.

File metadata

  • Download URL: usearch-2.16.2-cp37-cp37m-win_amd64.whl
  • Upload date:
  • Size: 290.7 kB
  • Tags: CPython 3.7m, Windows x86-64
  • Uploaded using Trusted Publishing? Yes
  • Uploaded via: twine/5.1.1 CPython/3.12.7

File hashes

Hashes for usearch-2.16.2-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 7d191a79f94466663e78801c7b5243d4ec46a0f43067e5468086f9db03413fbd
MD5 09610a7787fa6c62d5a19978fa368e86
BLAKE2b-256 06152b8d0db8e8c66c2094f9a7a5bbc2fa34667f9a956c2da30e6319167f4c69

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp37-cp37m-win_amd64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp37-cp37m-musllinux_1_2_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp37-cp37m-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 6415d1fcc2354a3151010a340c1a81b6e6d4eeffb300727762e833dce0ba4a29
MD5 c29573cf670a838410e0c9acb54202da
BLAKE2b-256 1efe2259e72f1b104fe2ddf8c479723b12b06833881810a90cf913cc5efa1441

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp37-cp37m-musllinux_1_2_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp37-cp37m-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp37-cp37m-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 a73866549d5677d3b107d987a3fda802f7652a937642323ce5eee7959e7899b3
MD5 759ec7247b7ad60cf6ebc12d3d8aaba5
BLAKE2b-256 8d1b85e6a04b2ab9381f983567fe387055ef0d16983d689a6b744a2d6b50d8ff

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp37-cp37m-musllinux_1_2_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp37-cp37m-manylinux_2_28_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp37-cp37m-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 97d45ef37e075f19de4ebd84d8cfbc8e187b29a938415889873c8cbb2d6dff3f
MD5 6a3b01bf2a89272679335f54b256e08d
BLAKE2b-256 b4505f20e060fd71a67bd381b2fde4d236df093e61e5d5b2b3d11c297495a942

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp37-cp37m-manylinux_2_28_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp37-cp37m-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp37-cp37m-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 4b1d578481d0b4a166eb9dcdfc9dfc1c080a41c25d7b8c0c8c51524de72ed150
MD5 b7689d29765c2506deda93cc0ca1ce0d
BLAKE2b-256 bcea76ac53f773298c35835a16506d0e8043774b9eff04e4c0e6942b575ef27c

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp37-cp37m-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

Details for the file usearch-2.16.2-cp37-cp37m-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.2-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 de91306cae9252adcde1e2e3cde1fd9ab699c8266f8fb9b26721c45a7eb9315c
MD5 a6c5e9946f0f081f2186cad5deaff0b9
BLAKE2b-256 57eca3b539fe184d27a0caa26dfee149fac69be4839ef0f0c57c0f772c95742d

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.2-cp37-cp37m-macosx_10_9_x86_64.whl:

Publisher: release.yml on unum-cloud/usearch

Attestations:

Supported by

AWS AWS Cloud computing and Security Sponsor Datadog Datadog Monitoring Fastly Fastly CDN Google Google Download Analytics Microsoft Microsoft PSF Sponsor Pingdom Pingdom Monitoring Sentry Sentry Error logging StatusPage StatusPage Status page