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.1},
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.1-cp312-cp312-win_arm64.whl (276.7 kB view details)

Uploaded CPython 3.12 Windows ARM64

usearch-2.16.1-cp312-cp312-win_amd64.whl (292.4 kB view details)

Uploaded CPython 3.12 Windows x86-64

usearch-2.16.1-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.1-cp312-cp312-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.12 musllinux: musl 1.2+ ARM64

usearch-2.16.1-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.1-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.1-cp312-cp312-macosx_11_0_arm64.whl (379.9 kB view details)

Uploaded CPython 3.12 macOS 11.0+ ARM64

usearch-2.16.1-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.1-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.1-cp311-cp311-win_arm64.whl (275.7 kB view details)

Uploaded CPython 3.11 Windows ARM64

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

Uploaded CPython 3.11 Windows x86-64

usearch-2.16.1-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.1-cp311-cp311-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.11 musllinux: musl 1.2+ ARM64

usearch-2.16.1-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.1-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.1-cp311-cp311-macosx_11_0_arm64.whl (377.7 kB view details)

Uploaded CPython 3.11 macOS 11.0+ ARM64

usearch-2.16.1-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.1-cp311-cp311-macosx_10_9_universal2.whl (730.0 kB view details)

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

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

Uploaded CPython 3.10 Windows ARM64

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

Uploaded CPython 3.10 Windows x86-64

usearch-2.16.1-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.1-cp310-cp310-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.10 musllinux: musl 1.2+ ARM64

usearch-2.16.1-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.1-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.1-cp310-cp310-macosx_11_0_arm64.whl (375.6 kB view details)

Uploaded CPython 3.10 macOS 11.0+ ARM64

usearch-2.16.1-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.1-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.1-cp39-cp39-win_arm64.whl (275.2 kB view details)

Uploaded CPython 3.9 Windows ARM64

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

Uploaded CPython 3.9 Windows x86-64

usearch-2.16.1-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.1-cp39-cp39-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.9 musllinux: musl 1.2+ ARM64

usearch-2.16.1-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.1-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.1-cp39-cp39-macosx_11_0_arm64.whl (375.8 kB view details)

Uploaded CPython 3.9 macOS 11.0+ ARM64

usearch-2.16.1-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.1-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.1-cp38-cp38-win_amd64.whl (290.2 kB view details)

Uploaded CPython 3.8 Windows x86-64

usearch-2.16.1-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.1-cp38-cp38-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.8 musllinux: musl 1.2+ ARM64

usearch-2.16.1-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.1-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.1-cp38-cp38-macosx_11_0_arm64.whl (375.4 kB view details)

Uploaded CPython 3.8 macOS 11.0+ ARM64

usearch-2.16.1-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.1-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.1-cp37-cp37m-win_amd64.whl (290.7 kB view details)

Uploaded CPython 3.7m Windows x86-64

usearch-2.16.1-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.1-cp37-cp37m-musllinux_1_2_aarch64.whl (1.9 MB view details)

Uploaded CPython 3.7m musllinux: musl 1.2+ ARM64

usearch-2.16.1-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.1-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.1-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.1-cp312-cp312-win_arm64.whl.

File metadata

  • Download URL: usearch-2.16.1-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.1-cp312-cp312-win_arm64.whl
Algorithm Hash digest
SHA256 08a2be5e1b9a63ead2e9d4cdf3d9aa12f50de85520a880919595a407b279a6a0
MD5 92133facfc452d3c71307d0d0b526c7b
BLAKE2b-256 b3131f6e039833994781ee20ed3603ec1bbb296c1c00fb0575d11f7cdc8cdeda

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-cp312-cp312-win_amd64.whl
  • Upload date:
  • Size: 292.4 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.1-cp312-cp312-win_amd64.whl
Algorithm Hash digest
SHA256 ab6c95336c912add208807bfae39da9a0a1b4f069040ccf0e935ce3e8a23257f
MD5 cb3c7ef584b752b0823d21a6c292cc95
BLAKE2b-256 13278d60d028700f02f1d4b597b13fa84c9d4bb66b6f704b62dfe7d1c70bf1a0

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 bd37b6ed1cbc2ba285d85da0023417f5281c7cae4a9a3c619024dc3fc02375c5
MD5 232b76616b5f9f8c02f553b7a357d6dc
BLAKE2b-256 7b57cbed215b445edc423423ad7fb2f3cc2cba857745e63928932884b52287a3

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp312-cp312-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 f82dcee2153efd46718094a81b6f35ca0e9c4cbc1e575075c06c7ac169ad80bc
MD5 62f626aacde56b4f2daa246452a48add
BLAKE2b-256 e18f040e1f2f3f9ce13739bce943ef9a87b31cb19a8bb9d3b1cb106d97c59641

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 d76087fab179447ae213a6ae6c46431226d1e167ba23aaaa2f3ab452c6c87aa2
MD5 df35086642d69db2db31b098e7a3fac7
BLAKE2b-256 4a71cd9d46fdb8ca6f89af243bd95b0eff39023ac4901e89a4d2f0b48fb9f641

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 137837f7baa70238ffd3012f1bd6fc4bec04de54af955c80595db3e110155ae9
MD5 8d8941d0e8f8b6da2ec6451cab61fe8f
BLAKE2b-256 fe24f7434c6acad79aa3bbf293eff4d35e6f04dfbaa28f2fabad856534eed325

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp312-cp312-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 4344f705f1e2254170b7f145ee15d4a9b0b5e814488a0398a133be381a67e8de
MD5 f1885f778cc2ac053304f6955c6333d6
BLAKE2b-256 0a9457dd7071539ce37f1da27393bdf78fe3810326f177cbd9fedee7c08ca1e3

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-macosx_10_13_x86_64.whl
Algorithm Hash digest
SHA256 b52d4799e1e6b7d15684f7bf34596bc5cd86b9e3ab794dbd3c65617dc9d9c2ef
MD5 1b6a69a4a65b3636513d9548b2337209
BLAKE2b-256 a971992501911c802fadd810023baee3b95eec1c26b18618b5d7100bbf1e1c93

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp312-cp312-macosx_10_13_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp312-cp312-macosx_10_13_universal2.whl
Algorithm Hash digest
SHA256 2d918478d67faadc8aad0a6fd30e1e0b80666b58c3dc31f3f8702e38f418e377
MD5 ac6e9ebee97070b443003e4bedc54f3b
BLAKE2b-256 d46fda376c5b0401a52b78dde1ed3162ef28eec0bc5eebc9d14aed7644754d22

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp311-cp311-win_arm64.whl
Algorithm Hash digest
SHA256 910e1cd48d1cb2ec1d219cad483861d6bbf3cffd5c6b1c688098c46ad3856e61
MD5 2db10d0c6d56d3a11127df3d7e9950b8
BLAKE2b-256 85f33516d9401cf083cc02f41700e9afd76ed1039fa04e391728c0d1dbcaffd1

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp311-cp311-win_amd64.whl
Algorithm Hash digest
SHA256 acce67940e23e1c18abc7bd51a82999b5c24d62566dbbbcc405caddf5e706fd8
MD5 9d0097f3477aa76aa5fb636edfe71c00
BLAKE2b-256 cb59b7129413813d2e300bee4bcbe7567b2a8145c93c2a57e88472acc1221459

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 8de7e8297b7ce004108e81109546c047363222346624978156b5555fff3b6f54
MD5 fb08b8632e0421d6ee579b0de0fd4b76
BLAKE2b-256 a3a561315cd2a8e5ee503a8e5939860dd0a0203b62fe7d54556863179d96a7cd

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp311-cp311-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 711a37623dcc79785b58417a587696228ab4c3cdcc990da1b283c318ca6404a2
MD5 fd94d54f47a63bb5d7a36614366c4d64
BLAKE2b-256 debd60662e0d81e8a780e1f3f00243cdd50a04bc7513a4c6a87aeb85164d6f7b

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 cb7a3be460203ca7224df8a3bfca041a0e79f82975b99e2a2497b1e9715ebb81
MD5 9e8ac2b645c487eac0e773c74d7a506f
BLAKE2b-256 72f26edec486d951e1f727e09f3f29095a28d27fd9ee663c305b8424471b1b4e

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 87a2da523cfc5d47ed83be4550632f57ec63e9991ce63a2c8ed2208d89ecef67
MD5 71abec208fb3d2e07c22534e134eeda8
BLAKE2b-256 2089b545e6af3016a530b9b1275c253fef6ba372b702b593076db33334ec763b

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp311-cp311-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 0e74982d1f9c86c7ee0dd88358a3a022fdd585611fc0c6a476b4a7552205738d
MD5 1e7916878879cdaa1e631c119c707aad
BLAKE2b-256 ac09772070eee0f662f9c7ebef0a8a878d554a3c7b3eef773fcf1005f32f9a30

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 9575fa1972a544d01827bf435268db6de66c9126a0f41c0627c534c038cc26ed
MD5 30858e3f537d10fa64119a3beae120e1
BLAKE2b-256 e32b2e834a3749849464c410010014bf87321c70b424d89a3c5f775125ebf540

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp311-cp311-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp311-cp311-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 8321e2dbb320b6650f1242f11d6ac6b373401f5bf116fb1e3345cb98dc6cef06
MD5 bab9be0f844d86f1d641a3614d327b66
BLAKE2b-256 1437edc2aa3aa57cf7217194e9f3e2255c946ffb69d17b097378de28a6e92aa7

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp310-cp310-win_arm64.whl
Algorithm Hash digest
SHA256 8dffe3e26fa0a016054dd4090eb656a1d9ba59c47f0340563c92929e8d84f53d
MD5 f54132e272902e39ee5552b0ccbd08a9
BLAKE2b-256 2e7a1db7a9c395ddde1ed2edb753e4a9b3a599fe71b7222f7c5bf8e67ddc6483

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp310-cp310-win_amd64.whl
Algorithm Hash digest
SHA256 a446468b86ee08ddd6574912f21ebc09409a5b1d5689a5e7971a6433443ab29a
MD5 93ffb8e666c8568eb6064015f301bbc0
BLAKE2b-256 c1852705f2f6ae635ecd2227d9373026cecb8f9464aac6ef3c110006240401c5

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 c17cf9486108315de30f3a2a9a2a3fa95e9636ebda131e935483a8e0355972ab
MD5 11671ac51fb7caebdb5ef6fb94341321
BLAKE2b-256 4e718be91cc1061ba66ec25cf3eb54ca915ac393e86f3f7dab894bf5fc5851ad

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp310-cp310-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 ee58806e8e92e6e7631f030124bfe6177a08b35568701ee7963ead2c06fe8774
MD5 94bfeae305c01e97adb0f1295743346a
BLAKE2b-256 4fb37f0e8b88216a02871a0ec9f82d1b3f0247ab6fbe2ba88bb66fa37f61bd03

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 edc9536089c8c21ee8403b9e2de7ed49e67b9805552e123569290f92c4e0021e
MD5 2b81a5318a41fea08dff7683ad17d9ce
BLAKE2b-256 313a56671fd322ec4271ffc05ac9e3185f0123d70063819c5198fa5bec1c33f8

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 3defa2734f699746c5eb37a3db630c3b38d2b8c339dc6323a4b581e3fdfd8b62
MD5 659c08c4a8e783acd2e16cf3fc642cc2
BLAKE2b-256 edc7a4672938648c018d7e22c7f035bd3ff0afbc8d2504617e873d165ace5a83

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp310-cp310-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 f9a9a7649ed209b3243f1a50cebdb3fd11cbcdbc278f3d45ef935b118286b6e2
MD5 660b404831f63fc7441da76981b051e3
BLAKE2b-256 f5575026abd8ca6109aeaa563eecae2ee80e86fc773646606d0ad8fb129472ac

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 9e6eb2f0ec2c6cfde86f38f847cfc2e5ccdeab1a5e5b151bfdcb4cf619a75fb4
MD5 30e3dcc3aeded47420f51bb83d0cedbb
BLAKE2b-256 52d4cc950d52ef44bd9760d9e066c889d1387e567fb14244791b7d46eaacc2db

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp310-cp310-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp310-cp310-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 9c0c33fe68babde3f2f7371f72db8c700e0f2ef05d1024f46157b1f48eb42d86
MD5 9930934756f2e46e8b9155bc8b845e28
BLAKE2b-256 722bdeddf45b85c41062279542b62ea4cd2ba885894f74fdb98a488a62a0e982

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp39-cp39-win_arm64.whl
Algorithm Hash digest
SHA256 8f573fab289504bbbace7735d1bc57969fa342c056f358eb6cf5d7fbc8a2d657
MD5 d73a74b9ee4517335dc7df686b9a160c
BLAKE2b-256 b629438ede0f8fc41540ee5e294e0f3500e6c72142b72a33c46d515c9d0a21be

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp39-cp39-win_amd64.whl
Algorithm Hash digest
SHA256 3fec8071f91b87a482412ea515afe86a3d4871bc009693ad52ce25295f1c9df8
MD5 74023ff111727fff0c79b9cfb94d443c
BLAKE2b-256 0835d2590f5e0a7599ed5db90ff363432704c3ab6d4f66c662019f1947be4f9f

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 d81e96811ee715e043e7c19c3070cc7a075f92a4c65b7b5072098a61adcacf6d
MD5 1bf3cf90d0a6bf89931b5f7036dd0aab
BLAKE2b-256 abc2081da4287821ffa06c81dbdebf4e19b270d4c8833e2fa4f0b2ef33ea8e6a

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp39-cp39-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 ad7335db8f47f7a945c7cd13e584f88ac00651893283c70b4f3d150a8a470b6f
MD5 7e06cab2b28b25019c558526e23b24c1
BLAKE2b-256 5b706f5575913bcccca77713d01320193b7ceb29fe2d34629a0f126b95f94fb1

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 45d9f66b49760245ab36775b7ac5538f9cac18f5815822ad4c2a9404d146f114
MD5 d982c3c5f1bbb30debc6abd069b9a725
BLAKE2b-256 7b0e9b09131c2e1b0ea8d96474ddf0ebf5b2d5bcb8d534150405bebbf92fbd21

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 26f978f9f0e894e742f1eaae9db9c07b10548a5a75e0b4bacbb164f454849559
MD5 d220839815eb5029d2a16a1f1a5df3b9
BLAKE2b-256 0b93050365bd6f1fa8a7e74930b7d01c45d3e352b4a8b2ccd606db27fd219a7b

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp39-cp39-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 e4ceabedd2765dc1f78952d49c4f8ae27a4f33c4a1742dae67877153e2d41697
MD5 b13b986123646fd809f455c497850c53
BLAKE2b-256 df1fcb6b2d277fc000f3b63603cfcea143c78a3daa1dddb14e848d1f458a84ea

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 1367aa0f48a704b3f074f8966ba561bf277dc88124c84d0fe8a1cb7c04b76122
MD5 4d1a7cd169a3967b124d8f3b491c0fc0
BLAKE2b-256 6401f3d57157ab679ad548577c16ff12940fce12fafab1a9658e2043c644ce6b

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp39-cp39-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp39-cp39-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 39bd463b00e0565de280c531feedea35607ffe6d21e6cd14eaebc85a62618f39
MD5 a83735874ebc04315f47328f7d3c6fcf
BLAKE2b-256 f268ca6d53c5b042dddab79483406bd84e3071a94d13ca968065263073615bfd

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp38-cp38-win_amd64.whl
Algorithm Hash digest
SHA256 c22840ea8d70d27afdbb0547449f534369d2d11565d78f3db1bcd90caab86432
MD5 e5642aaf708bf9d0c781d119e3b21037
BLAKE2b-256 0d4f806bca60597fc61a18a681a040fc5d6f60a64f0aa482766b42763cd69f53

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 972ec366e36dcb827ce3ff5f1216eed837f1921aa75adb5e390ee995cdff514e
MD5 ee69518b0366d5b060290e3f0b43cd68
BLAKE2b-256 612a830eeae17559eb9b8c60234c161a05cb335f2dddb874a573c37bffa9873e

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp38-cp38-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 e03a458f03ae9f4c8e680fa9fa4ea2b02a934a0dd92f0c20d04e5558b1e98a2f
MD5 41a5863ea6bd159584a37854a7956998
BLAKE2b-256 34611ee7ed1ca8257ded0beaa99a294ec4908a6f8cdccd9f74b970d4e3d3d19e

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 b8c8d47725afa0b1e62700c1fb2a2e38c18baab36ab3fa64d1ecd70a3c6da15f
MD5 bbcfd8e5af6bc20fe1e16153fd45b8c3
BLAKE2b-256 3638ca5ed81745c6f372ac43726995873a1c60ca70c86adb6a9131dc011d85b2

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp38-cp38-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 cdbf90b62784d1d8daabc810a0c88e55a4a1e630d08498d9d55dc2106aad4362
MD5 c53e4a8d2e89727234b975bf750c638f
BLAKE2b-256 1b824fc7b5063c92142869c279135e0103e2b90e653a2aea41e05a1461e8a285

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp38-cp38-macosx_11_0_arm64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-macosx_11_0_arm64.whl
Algorithm Hash digest
SHA256 4c62c24c1fb5da7d343d577827097e3b05f7186f65c2a651dc5076b08b872d77
MD5 f8993a642ca0ecf2ea45c1d254e035ea
BLAKE2b-256 6418f4abf02ef824782591ab5484804f250d438eb8869cbe468330387692a0c3

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 28705fcd8e3de895595adf966739e89f10b5fad93bd450254f61fcc364bb453f
MD5 d680d5b9b9617f837818a54d553d8807
BLAKE2b-256 c4fe0e841e9a5d330adfdc0e9ac0ae6dc8809f5aa823dca8271294e1a6798b25

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp38-cp38-macosx_10_9_universal2.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp38-cp38-macosx_10_9_universal2.whl
Algorithm Hash digest
SHA256 486ec1cf1b54a2680b121a302473bf576ae3e588612350b11582d61c44a97f7c
MD5 e61dc946968eab859cc61bad49fc725f
BLAKE2b-256 9a59660865443c404228b67fcfc79389b1a666491b0427789e6edfe9712c9905

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

  • Download URL: usearch-2.16.1-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.1-cp37-cp37m-win_amd64.whl
Algorithm Hash digest
SHA256 652742897a19205061fa0bc31d4589abc6ebbb859183d7ef310558d71fbfd39e
MD5 3a6374be24037b4af89b34aa9d512c00
BLAKE2b-256 a9d4e4c907b72b0134bd492f19f7f91b75cdcdffe35b53d7fe72a89b511dc2ac

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp37-cp37m-musllinux_1_2_x86_64.whl
Algorithm Hash digest
SHA256 06019e0ceebcc758ce1956b9243cef1fd91b7a9de59e750f65c7905080f75df9
MD5 68e433eca759e8f41d478215e9a0164c
BLAKE2b-256 9c23da178c4dea6984b02978c6b35f30c54b193e8bb2d9597807b47b3dfbcb85

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp37-cp37m-musllinux_1_2_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp37-cp37m-musllinux_1_2_aarch64.whl
Algorithm Hash digest
SHA256 a7ded3e2a9bd5bb9fff5b1a458b262c4beeb217f8fc12ccdcedd075afaa75258
MD5 5582cbf9bbc902b2ead30496247fc77d
BLAKE2b-256 04372daaa1b2136c1e9bc538c74cea66d0f9fc8ea335958149f6223cfee5a3bc

See more details on using hashes here.

Provenance

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

Publisher: release.yml on unum-cloud/usearch

Attestations:

File details

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

File metadata

File hashes

Hashes for usearch-2.16.1-cp37-cp37m-manylinux_2_28_x86_64.whl
Algorithm Hash digest
SHA256 9dcd6a070bfe159f01049d7e69e44dc5954004974639955c8ca8ec3a88117d91
MD5 42eb7282e9dc1bc5729585876599f3bb
BLAKE2b-256 38c84c1ec34aedec9707d4e47a90b041cf3a75daae122d83e9393d9f4f8fe478

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp37-cp37m-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp37-cp37m-manylinux_2_27_aarch64.manylinux_2_28_aarch64.whl
Algorithm Hash digest
SHA256 18d3c6ec1916c4d2c12085d9a38f8e7715ac2c7acecb4b9f5ea5473e71f2ce01
MD5 e3af4a0976a7109e17a29a4a3c84b336
BLAKE2b-256 d6b733dc926fde9bd01e2aa7ccaabd450fcc83265e1797a93f4f33ee88c16600

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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.1-cp37-cp37m-macosx_10_9_x86_64.whl.

File metadata

File hashes

Hashes for usearch-2.16.1-cp37-cp37m-macosx_10_9_x86_64.whl
Algorithm Hash digest
SHA256 25a75e4574e27336c37fff6acb722486168bda3c7c70a01083b503dccef574f7
MD5 eb9dada2d0ebdda5cbe7a8a7dc106d1a
BLAKE2b-256 5f82fd2bafc65ea259a690123d5f411b71ebd42e52c457a4a110d6087f308af7

See more details on using hashes here.

Provenance

The following attestation bundles were made for usearch-2.16.1-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