simsimd


Namesimsimd JSON
Version 4.3.1 PyPI version JSON
download
home_pagehttps://github.com/ashvardanian/simsimd
SummaryFastest SIMD-Accelerated Vector Similarity Functions for x86 and Arm
upload_time2024-04-10 19:32:56
maintainerNone
docs_urlNone
authorAsh Vardanian
requires_pythonNone
licenseApache-2.0
keywords
VCS
bugtrack_url
requirements No requirements were recorded.
Travis-CI No Travis.
coveralls test coverage No coveralls.
            # SimSIMD 📏

![SimSIMD banner](https://github.com/ashvardanian/ashvardanian/blob/master/repositories/SimSIMD.png?raw=true)

Computing dot-products, similarity measures, and distances between low- and high-dimensional vectors is ubiquitous in Machine Learning, Scientific Computing, Geo-Spatial Analysis, and Information Retrieval.
These algorithms generally have linear complexity in time, constant complexity in space, and are data-parallel.
In other words, it is easily parallelizable and vectorizable and often available in packages like BLAS and LAPACK, as well as higher-level `numpy` and `scipy` Python libraries.
Ironically, even with decades of evolution in compilers and numerical computing, [most libraries can be 3-200x slower than hardware potential][benchmarks] even on the most popular hardware, like 64-bit x86 and Arm CPUs.
SimSIMD attempts to fill that gap.
1️⃣ SimSIMD functions are practically as fast as `memcpy`.
2️⃣ SimSIMD [compiles to more platforms than NumPy (105 vs 35)][compatibility] and has more backends than most BLAS implementations.

[benchmarks]: https://ashvardanian.com/posts/simsimd-faster-scipy
[compatibility]: https://pypi.org/project/simsimd/#files

<div>
<a href="https://pepy.tech/project/simsimd">
    <img alt="PyPI" src="https://static.pepy.tech/personalized-badge/simsimd?period=total&units=abbreviation&left_color=black&right_color=blue&left_text=SimSIMD%20Python%20installs" />
</a>
<a href="https://www.npmjs.com/package/simsimd">
    <img alt="npm" src="https://img.shields.io/npm/dy/simsimd?label=JavaScript%20NPM%20installs" />
</a>
<a href="https://crates.io/crates/simsimd">
    <img alt="rust" src="https://img.shields.io/crates/d/simsimd?label=Rust%20Crate%20installs" />
</a>
<img alt="GitHub code size in bytes" src="https://img.shields.io/github/languages/code-size/ashvardanian/simsimd">
<a href="https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml">
    <img alt="GitHub Actions Ubuntu" src="https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=Ubuntu&logo=github&color=blue">
</a>
<a href="https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml">
    <img alt="GitHub Actions Windows" src="https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=Windows&logo=windows&color=blue">
</a>
<a href="https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml">
    <img alt="GitHub Actions MacOS" src="https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=MacOS&logo=apple&color=blue">
</a>
<a href="https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml">
    <img alt="GitHub Actions CentOS Linux" src="https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=CentOS&logo=centos&color=blue">
</a>

</div>

## Features

SimSIMD provides over 100 SIMD-optimized kernels for various distance and similarity measures, accelerating search in [USearch](https://github.com/unum-cloud/usearch) and several DBMS products.
Implemented distance functions include:

- Euclidean (L2) and Cosine (Angular) spatial distances for Vector Search.
- Dot-Products for real & complex vectors for DSP & Quantum computing.
- Hamming (~ Manhattan) and Jaccard (~ Tanimoto) bit-level distances.
- Kullback-Leibler and Jensen–Shannon divergences for probability distributions.
- Haversine and Vincenty's formulae for Geospatial Analysis.
- For Levenshtein, Needleman–Wunsch and other text metrics, check [StringZilla][stringzilla].

[scipy]: https://docs.scipy.org/doc/scipy/reference/spatial.distance.html#module-scipy.spatial.distance
[numpy]: https://numpy.org/doc/stable/reference/generated/numpy.inner.html
[stringzilla]: https://github.com/ashvardanian/stringzilla

Moreover, SimSIMD...

- handles `f64`, `f32`, and `f16` real & complex vectors.
- handles `i8` integral and `b8` binary vectors.
- is a zero-dependency [header-only C 99](#using-simsimd-in-c) library.
- has bindings for [Python](#using-simsimd-in-python), [Rust](#using-simsimd-in-rust) and [JavaScript](#using-simsimd-in-javascript).
- has Arm backends for NEON and Scalable Vector Extensions (SVE).
- has x86 backends for Haswell, Skylake, Ice Lake, and Sapphire Rapids.

Due to the high-level of fragmentation of SIMD support in different x86 CPUs, SimSIMD uses the names of select Intel CPU generations for its backends.
They, however, also work on AMD CPUs.
Inel Haswell is compatible with AMD Zen 1/2/3, while AMD Genoa Zen 4 covers AVX-512 instructions added to Intel Skylake and Ice Lake.
You can learn more about the technical implementation details in the following blogposts:

- [Uses Horner's method for polynomial approximations, beating GCC 12 by 119x](https://ashvardanian.com/posts/gcc-12-vs-avx512fp16/).
- [Uses Arm SVE and x86 AVX-512's masked loads to eliminate tail `for`-loops](https://ashvardanian.com/posts/simsimd-faster-scipy/#tails-of-the-past-the-significance-of-masked-loads).
- [Uses AVX-512 FP16 for half-precision operations, that few compilers vectorize](https://ashvardanian.com/posts/simsimd-faster-scipy/#the-challenge-of-f16).
- [Substitutes LibC's `sqrt` calls with bit-hacks using Jan Kadlec's constant](https://ashvardanian.com/posts/simsimd-faster-scipy/#bonus-section-bypassing-sqrt-and-libc-dependencies).
- [For Python avoids slow PyBind11, SWIG, and even `PyArg_ParseTuple` for speed](https://ashvardanian.com/posts/pybind11-cpython-tutorial/).
- [For JavaScript uses typed arrays and NAPI for zero-copy calls](https://ashvardanian.com/posts/javascript-ai-vector-search/).

## Benchmarks

### Against NumPy and SciPy

Given 1000 embeddings from OpenAI Ada API with 1536 dimensions, running on the Apple M2 Pro Arm CPU with NEON support, here's how SimSIMD performs against conventional methods:

| Kind                      | `f32` improvement | `f16` improvement | `i8` improvement | Conventional method                    | SimSIMD         |
| :------------------------ | ----------------: | ----------------: | ---------------: | :------------------------------------- | :-------------- |
| Inner Product             |           __2 x__ |           __9 x__ |         __18 x__ | `numpy.inner`                          | `inner`         |
| Cosine Distance           |          __32 x__ |          __79 x__ |        __133 x__ | `scipy.spatial.distance.cosine`        | `cosine`        |
| Euclidean Distance ²      |           __5 x__ |          __26 x__ |         __17 x__ | `scipy.spatial.distance.sqeuclidean`   | `sqeuclidean`   |
| Jensen-Shannon Divergence |          __31 x__ |          __53 x__ |                  | `scipy.spatial.distance.jensenshannon` | `jensenshannon` |

### Against GCC Auto-Vectorization

On the Intel Sapphire Rapids platform, SimSIMD was benchmarked against auto-vectorized code using GCC 12.
GCC handles single-precision `float` but might not be the best choice for `int8` and `_Float16` arrays, which have been part of the C language since 2011.

| Kind                      | GCC 12 `f32` | GCC 12 `f16` | SimSIMD `f16` | `f16` improvement |
| :------------------------ | -----------: | -----------: | ------------: | ----------------: |
| Inner Product             |    3,810 K/s |      192 K/s |     5,990 K/s |          __31 x__ |
| Cosine Distance           |    3,280 K/s |      336 K/s |     6,880 K/s |          __20 x__ |
| Euclidean Distance ²      |    4,620 K/s |      147 K/s |     5,320 K/s |          __36 x__ |
| Jensen-Shannon Divergence |    1,180 K/s |       18 K/s |     2,140 K/s |         __118 x__ |

__Broader Benchmarking Results__:

- [Apple M2 Pro](https://ashvardanian.com/posts/simsimd-faster-scipy/#appendix-1-performance-on-apple-m2-pro).
- [4th Gen Intel Xeon Platinum](https://ashvardanian.com/posts/simsimd-faster-scipy/#appendix-2-performance-on-4th-gen-intel-xeon-platinum-8480).
- [AWS Graviton 3](https://ashvardanian.com/posts/simsimd-faster-scipy/#appendix-3-performance-on-aws-graviton-3).

## Using SimSIMD in Python

The package is intended to replace the usage of `numpy.inner`, `numpy.dot`, and `scipy.spatial.distance`.
Aside from drastic performance improvements, SimSIMD significantly improves accuracy in mixed precision setups.
NumPy and SciPy, processing `i8` or `f16` vectors, will use the same types for accumulators, while SimSIMD can combine `i8` enumeration, `i16` multiplication, and `i32` accumulation to avoid overflows entirely.
The same applies to processing `f16` values with `f32` precision.

### Installation

Use the following snippet to install SimSIMD and list available hardware acceleration options available on your machine:

```sh
pip install simsimd
python -c "import simsimd; print(simsimd.get_capabilities())"
```

### One-to-One Distance

```py
import simsimd
import numpy as np

vec1 = np.random.randn(1536).astype(np.float32)
vec2 = np.random.randn(1536).astype(np.float32)
dist = simsimd.cosine(vec1, vec2)
```

Supported functions include `cosine`, `inner`, `sqeuclidean`, `hamming`, and `jaccard`.
Dot products are supported for both real and complex numbers:

```py
vec1 = np.random.randn(768).astype(np.float64) + 1j * np.random.randn(768).astype(np.float64)
vec2 = np.random.randn(768).astype(np.float64) + 1j * np.random.randn(768).astype(np.float64)

dist = simsimd.dot(vec1.astype(np.complex128), vec2.astype(np.complex128))
dist = simsimd.dot(vec1.astype(np.complex64), vec2.astype(np.complex64))
dist = simsimd.vdot(vec1.astype(np.complex64), vec2.astype(np.complex64)) # conjugate, same as `np.vdot`
```

Unlike SciPy, SimSIMD allows explicitly stating the precision of the input vectors, which is especially useful for mixed-precision setups.

```py
dist = simsimd.cosine(vec1, vec2, "i8")
dist = simsimd.cosine(vec1, vec2, "f16")
dist = simsimd.cosine(vec1, vec2, "f32")
dist = simsimd.cosine(vec1, vec2, "f64")
```

It also allows using SimSIMD for half-precision complex numbers, which NumPy does not support.
For that, view data as continuous even-length `np.float16` vectors and override type-resolution with `complex32` string.

```py
vec1 = np.random.randn(1536).astype(np.float16)
vec2 = np.random.randn(1536).astype(np.float16)
simd.dot(vec1, vec2, "complex32")
simd.vdot(vec1, vec2, "complex32")
```

### One-to-Many Distances

Every distance function can be used not only for one-to-one but also one-to-many and many-to-many distance calculations.
For one-to-many:

```py
vec1 = np.random.randn(1536).astype(np.float32) # rank 1 tensor
batch1 = np.random.randn(1, 1536).astype(np.float32) # rank 2 tensor
batch2 = np.random.randn(100, 1536).astype(np.float32)

dist_rank1 = simsimd.cosine(vec1, batch2)
dist_rank2 = simsimd.cosine(batch1, batch2)
```

### Many-to-Many Distances

All distance functions in SimSIMD can be used to compute many-to-many distances.
For two batches of 100 vectors to compute 100 distances, one would call it like this:

```py
batch1 = np.random.randn(100, 1536).astype(np.float32)
batch2 = np.random.randn(100, 1536).astype(np.float32)
dist = simsimd.cosine(batch1, batch2)
```

Input matrices must have identical shapes.
This functionality isn't natively present in NumPy or SciPy, and generally requires creating intermediate arrays, which is inefficient and memory-consuming.

### Many-to-Many All-Pairs Distances

One can use SimSIMD to compute distances between all possible pairs of rows across two matrices (akin to [`scipy.spatial.distance.cdist`](https://docs.scipy.org/doc/scipy/reference/generated/scipy.spatial.distance.cdist.html)).
The resulting object will have a type `DistancesTensor`, zero-copy compatible with NumPy and other libraries.
For two arrays of 10 and 1,000 entries, the resulting tensor will have 10,000 cells:

```py
import numpy as np
from simsimd import cdist, DistancesTensor

matrix1 = np.random.randn(1000, 1536).astype(np.float32)
matrix2 = np.random.randn(10, 1536).astype(np.float32)
distances: DistancesTensor = simsimd.cdist(matrix1, matrix2, metric="cosine") # zero-copy
distances_array: np.ndarray = np.array(distances, copy=True) # now managed by NumPy
```

### Multithreading

By default, computations use a single CPU core.
To optimize and utilize all CPU cores on Linux systems, add the `threads=0` argument.
Alternatively, specify a custom number of threads:

```py
distances = simsimd.cdist(matrix1, matrix2, metric="cosine", threads=0)
```

### Using Python API with USearch

Want to use it in Python with [USearch](https://github.com/unum-cloud/usearch)?
You can wrap the raw C function pointers SimSIMD backends into a `CompiledMetric` and pass it to USearch, similar to how it handles Numba's JIT-compiled code.

```py
from usearch.index import Index, CompiledMetric, MetricKind, MetricSignature
from simsimd import pointer_to_sqeuclidean, pointer_to_cosine, pointer_to_inner

metric = CompiledMetric(
    pointer=pointer_to_cosine("f16"),
    kind=MetricKind.Cos,
    signature=MetricSignature.ArrayArraySize,
)

index = Index(256, metric=metric)
```

## Using SimSIMD in Rust

To install, add the following to your `Cargo.toml`:

```toml
[dependencies]
simsimd = "..."
```

Before using the SimSIMD library, ensure you have imported the necessary traits and types into your Rust source file.
The library provides several traits for different distance/similarity kinds - `SpatialSimilarity`, `BinarySimilarity`, and `ProbabilitySimilarity`.

### Spatial Similarity: Cosine and Euclidean Distances

```rust
use simsimd::SpatialSimilarity;

fn main() {
    let vector_a: Vec<f32> = vec![1.0, 2.0, 3.0];
    let vector_b: Vec<f32> = vec![4.0, 5.0, 6.0];

    // Compute the cosine similarity between vector_a and vector_b
    let cosine_similarity = f32::cosine(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Cosine Similarity: {}", cosine_similarity);

    // Compute the squared Euclidean distance between vector_a and vector_b
    let sq_euclidean_distance = f32::sqeuclidean(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Squared Euclidean Distance: {}", sq_euclidean_distance);
}
```

Spatial similarity functions are available for `f64`, `f32`, `f16`, and `i8` types.

### Dot-Products: Inner and Complex Inner Products

```rust
use simsimd::SpatialSimilarity;
use simsimd::ComplexProducts;

fn main() {
    let vector_a: Vec<f32> = vec![1.0, 2.0, 3.0, 4.0];
    let vector_b: Vec<f32> = vec![5.0, 6.0, 7.0, 8.0];

    // Compute the inner product between vector_a and vector_b
    let inner_product = SpatialSimilarity::dot(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Inner Product: {}", inner_product);

    // Compute the complex inner product between complex_vector_a and complex_vector_b
    let complex_inner_product = ComplexProducts::dot(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    let complex_conjugate_inner_product = ComplexProducts::vdot(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Complex Inner Product: {:?}", complex_inner_product); // -18, 69
    println!("Complex C. Inner Product: {:?}", complex_conjugate_inner_product); // 70, -8
}
```

Complex inner products are available for `f64`, `f32`, and `f16` types.

### Probability Distributions: Jensen-Shannon and Kullback-Leibler Divergences

```rust
use simsimd::SpatialSimilarity;

fn main() {
    let vector_a: Vec<f32> = vec![1.0, 2.0, 3.0];
    let vector_b: Vec<f32> = vec![4.0, 5.0, 6.0];

    let cosine_similarity = f32::jensenshannon(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Cosine Similarity: {}", cosine_similarity);

    let sq_euclidean_distance = f32::kullbackleibler(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Squared Euclidean Distance: {}", sq_euclidean_distance);
}
```

Probability similarity functions are available for `f64`, `f32`, and `f16` types.

### Binary Similarity: Hamming and Jaccard Distances

Similar to spatial distances, one can compute bit-level distance functions between slices of unsigned integers:

```rust
use simsimd::BinarySimilarity;

fn main() {
    let vector_a = &[0b11110000, 0b00001111, 0b10101010];
    let vector_b = &[0b11110000, 0b00001111, 0b01010101];

    // Compute the Hamming distance between vector_a and vector_b
    let hamming_distance = u8::hamming(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Hamming Distance: {}", hamming_distance);

    // Compute the Jaccard distance between vector_a and vector_b
    let jaccard_distance = u8::jaccard(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Jaccard Distance: {}", jaccard_distance);
}
```

Binary similarity functions are available only for `u8` types.

### Half-Precision Floating-Point Numbers

Rust has no native support for half-precision floating-point numbers, but SimSIMD provides a `f16` type.
It has no functionality - it is a `transparent` wrapper around `u16` and can be used with `half` or any other half-precision library.

```rust
use simsimd::SpatialSimilarity;
use simsimd::f16 as SimF16;
use half::f16 as HalfF16;

fn main() {
    let vector_a: Vec<HalfF16> = ...
    let vector_b: Vec<HalfF16> = ...

    let buffer_a: &[SimF16] = unsafe { std::slice::from_raw_parts(a_half.as_ptr() as *const SimF16, a_half.len()) };
    let buffer_b: &[SimF16] = unsafe { std::slice::from_raw_parts(b_half.as_ptr() as *const SimF16, b_half.len()) };

    // Compute the cosine similarity between vector_a and vector_b
    let cosine_similarity = SimF16::cosine(&vector_a, &vector_b)
        .expect("Vectors must be of the same length");

    println!("Cosine Similarity: {}", cosine_similarity);
}
```

### Dynamic Dispatch

SimSIMD provides a dynamic dispatch mechanism to select the most advanced micro-kernel for the current CPU.
You can query supported backends and use the `SimSIMD::capabilities` function to select the best one.

```rust
println!("uses neon: {}", capabilties::uses_neon());
println!("uses sve: {}", capabilties::uses_sve());
println!("uses haswell: {}", capabilties::uses_haswell());
println!("uses skylake: {}", capabilties::uses_skylake());
println!("uses ice: {}", capabilties::uses_ice());
println!("uses sapphire: {}", capabilties::uses_sapphire());
```

## Using SimSIMD in JavaScript

To install, choose one of the following options depending on your environment:

- `npm install --save simsimd`
- `yarn add simsimd`
- `pnpm add simsimd`
- `bun install simsimd`

The package is distributed with prebuilt binaries, but if your platform is not supported, you can build the package from the source via `npm run build`.
This will automatically happen unless you install the package with the `--ignore-scripts` flag or use Bun.
After you install it, you will be able to call the SimSIMD functions on various `TypedArray` variants:

```js
const { sqeuclidean, cosine, inner, hamming, jaccard } = require('simsimd');

const vectorA = new Float32Array([1.0, 2.0, 3.0]);
const vectorB = new Float32Array([4.0, 5.0, 6.0]);

const distance = sqeuclidean(vectorA, vectorB);
console.log('Squared Euclidean Distance:', distance);
```

Other numeric types and precision levels are supported as well.
For double-precsion floating-point numbers, use `Float64Array`:

```js
const vectorA = new Float64Array([1.0, 2.0, 3.0]);
const vectorB = new Float64Array([4.0, 5.0, 6.0]);
const distance = cosine(vectorA, vectorB);
```

When doing machine learning and vector search with high-dimensional vectors you may want to quantize them to 8-bit integers.
You may want to project values from the $[-1, 1]$ range to the $[-100, 100]$ range and then cast them to `Uint8Array`:

```js
const quantizedVectorA = new Uint8Array(vectorA.map(v => (v * 100)));
const quantizedVectorB = new Uint8Array(vectorB.map(v => (v * 100)));
const distance = cosine(quantizedVectorA, quantizedVectorB);
```

A more extreme quantization case would be to use binary vectors.
You can map all positive values to `1` and all negative values and zero to `0`, packing eight values into a single byte.
After that, Hamming and Jaccard distances can be computed.

```js
const { toBinary, hamming } = require('simsimd');

const binaryVectorA = toBinary(vectorA);
const binaryVectorB = toBinary(vectorB);
const distance = hamming(binaryVectorA, binaryVectorB);
```

## Using SimSIMD in C

For integration within a CMake-based project, add the following segment to your `CMakeLists.txt`:

```cmake
FetchContent_Declare(
    simsimd
    GIT_REPOSITORY https://github.com/ashvardanian/simsimd.git
    GIT_SHALLOW TRUE
)
FetchContent_MakeAvailable(simsimd)
```

After that, you can use the SimSIMD library in your C code in several ways.
Simplest of all, you can include the headers, and the compiler will automatically select the most recent CPU extensions that SimSIMD will use.

```c
#include <simsimd/simsimd.h>

int main() {
    simsimd_f32_t vector_a[1536];
    simsimd_f32_t vector_b[1536];
    simsimd_metric_punned_t distance_function = simsimd_metric_punned(
        simsimd_metric_cos_k, // Metric kind, like the angular cosine distance
        simsimd_datatype_f32_k, // Data type, like: f16, f32, f64, i8, b8, and complex variants
        simsimd_cap_any_k); // Which CPU capabilities are we allowed to use
    simsimd_distance_t distance;
    distance_function(vector_a, vector_b, 1536, &distance);
    return 0;
}
```

### Dynamic Dispatch

To avoid hard-coding the backend, you can rely on `c/lib.c` to prepackage all possible backends in one binary, and select the most recent CPU features at runtime.
That feature of the C library is called dynamic dispatch and is extensively used in the Python, JavaScript, and Rust bindings.
To test which CPU features are available on the machine at runtime, use the following APIs:

```c
int uses_neon = simsimd_uses_neon();
int uses_sve = simsimd_uses_sve();
int uses_haswell = simsimd_uses_haswell();
int uses_skylake = simsimd_uses_skylake();
int uses_ice = simsimd_uses_ice();
int uses_sapphire = simsimd_uses_sapphire();

simsimd_capability_t capabilities = simsimd_capabilities();
```

To differentiate between runtime and compile-time dispatch, define the following macro:

```c
#define SIMSIMD_DYNAMIC_DISPATCH 1 // or 0
```

### Spatial Distances: Cosine and Euclidean Distances

```c
#include <simsimd/simsimd.h>

int main() {
    simsimd_f64_t f64s[1536];
    simsimd_f32_t f32s[1536];
    simsimd_f16_t f16s[1536];
    simsimd_i8_t i8[1536];
    simsimd_distance_t distance;

    // Cosine distance between two vectors
    simsimd_cos_i8(i8s, i8s, 1536, &distance);
    simsimd_cos_f16(f16s, f16s, 1536, &distance);
    simsimd_cos_f32(f32s, f32s, 1536, &distance);
    simsimd_cos_f64(f64s, f64s, 1536, &distance);
    
    // Euclidean distance between two vectors
    simsimd_l2sq_i8(i8s, i8s, 1536, &distance);
    simsimd_l2sq_f16(f16s, f16s, 1536, &distance);
    simsimd_l2sq_f32(f32s, f32s, 1536, &distance);
    simsimd_l2sq_f64(f64s, f64s, 1536, &distance);

    return 0;
}
```

### Dot-Products: Inner and Complex Inner Products

```c
#include <simsimd/simsimd.h>

int main() {
    simsimd_f64_t f64s[1536];
    simsimd_f32_t f32s[1536];
    simsimd_f16_t f16s[1536];
    simsimd_distance_t distance;

    // Inner product between two vectors
    simsimd_dot_f16(f16s, f16s, 1536, &distance);
    simsimd_dot_f32(f32s, f32s, 1536, &distance);
    simsimd_dot_f64(f64s, f64s, 1536, &distance);

    // Complex inner product between two vectors
    simsimd_dot_f16c(f16s, f16s, 1536, &distance);
    simsimd_dot_f32c(f32s, f32s, 1536, &distance);
    simsimd_dot_f64c(f64s, f64s, 1536, &distance);

    // Complex conjugate inner product between two vectors
    simsimd_vdot_f16c(f16s, f16s, 1536, &distance);
    simsimd_vdot_f32c(f32s, f32s, 1536, &distance);
    simsimd_vdot_f64c(f64s, f64s, 1536, &distance);

    return 0;
}
```

### Binary Distances: Hamming and Jaccard Distances

```c
#include <simsimd/simsimd.h>

int main() {
    simsimd_b8_t b8s[1536 / 8]; // 8 bits per word
    simsimd_distance_t distance;

    // Hamming distance between two vectors
    simsimd_hamming_b8(b8s, b8s, 1536 / 8, &distance);

    // Jaccard distance between two vectors
    simsimd_jaccard_b8(b8s, b8s, 1536 / 8, &distance);

    return 0;
}
```

### Probability Distributions: Jensen-Shannon and Kullback-Leibler Divergences

```c
#include <simsimd/simsimd.h>

int main() {
    simsimd_f64_t f64s[1536];
    simsimd_f32_t f32s[1536];
    simsimd_f16_t f16s[1536];
    simsimd_distance_t distance;

    // Jensen-Shannon divergence between two vectors
    simsimd_js_f16(f16s, f16s, 1536, &distance);
    simsimd_js_f32(f32s, f32s, 1536, &distance);
    simsimd_js_f64(f64s, f64s, 1536, &distance);

    // Kullback-Leibler divergence between two vectors
    simsimd_kl_f16(f16s, f16s, 1536, &distance);
    simsimd_kl_f32(f32s, f32s, 1536, &distance);
    simsimd_kl_f64(f64s, f64s, 1536, &distance);

    return 0;
}
```

### Half-Precision Floating-Point Numbers

If you aim to utilize the `_Float16` functionality with SimSIMD, ensure your development environment is compatible with C 11.
For other SimSIMD functionalities, C 99 compatibility will suffice.
To explicitly disable half-precision support, define the following macro before imports:

```c
#define SIMSIMD_NATIVE_F16 0 // or 1
#include <simsimd/simsimd.h>
```

### Target Specific Backends

SimSIMD exposes all kernels for all backends, and you can select the most advanced one for the current CPU without relying on built-in dispatch mechanisms.
All of the function names follow the same pattern: `simsimd_{function}_{type}_{backend}`.

- The backend can be `serial`, `haswell`, `skylake`, `ice`, `sapphire`, `neon`, or `sve`.
- The type can be `f64`, `f32`, `f16`, `f64c`, `f32c`, `f16c`, `i8`, or `b8`.
- The function can be `dot`, `vdot`, `cos`, `l2sq`, `hamming`, `jaccard`, `kl`, or `js`.

To avoid hard-coding the backend, you can use the `simsimd_metric_punned_t` to pun the function pointer and the `simsimd_capabilities` function to get the available backends at runtime.

```c
simsimd_dot_f64_sve
simsimd_cos_f64_sve
simsimd_l2sq_f64_sve
simsimd_dot_f64_skylake
simsimd_cos_f64_skylake
simsimd_l2sq_f64_skylake
simsimd_dot_f64_serial
simsimd_cos_f64_serial
simsimd_l2sq_f64_serial
simsimd_js_f64_serial
simsimd_kl_f64_serial
simsimd_dot_f32_sve
simsimd_cos_f32_sve
simsimd_l2sq_f32_sve
simsimd_dot_f32_neon
simsimd_cos_f32_neon
simsimd_l2sq_f32_neon
simsimd_js_f32_neon
simsimd_kl_f32_neon
simsimd_dot_f32_skylake
simsimd_cos_f32_skylake
simsimd_l2sq_f32_skylake
simsimd_js_f32_skylake
simsimd_kl_f32_skylake
simsimd_dot_f32_serial
simsimd_cos_f32_serial
simsimd_l2sq_f32_serial
simsimd_js_f32_serial
simsimd_kl_f32_serial
simsimd_dot_f16_sve
simsimd_cos_f16_sve
simsimd_l2sq_f16_sve
simsimd_dot_f16_neon
simsimd_cos_f16_neon
simsimd_l2sq_f16_neon
simsimd_js_f16_neon
simsimd_kl_f16_neon
simsimd_dot_f16_sapphire
simsimd_cos_f16_sapphire
simsimd_l2sq_f16_sapphire
simsimd_js_f16_sapphire
simsimd_kl_f16_sapphire
simsimd_dot_f16_haswell
simsimd_cos_f16_haswell
simsimd_l2sq_f16_haswell
simsimd_js_f16_haswell
simsimd_kl_f16_haswell
simsimd_dot_f16_serial
simsimd_cos_f16_serial
simsimd_l2sq_f16_serial
simsimd_js_f16_serial
simsimd_kl_f16_serial
simsimd_cos_i8_neon
simsimd_cos_i8_neon
simsimd_l2sq_i8_neon
simsimd_cos_i8_ice
simsimd_cos_i8_ice
simsimd_l2sq_i8_ice
simsimd_cos_i8_haswell
simsimd_cos_i8_haswell
simsimd_l2sq_i8_haswell
simsimd_cos_i8_serial
simsimd_cos_i8_serial
simsimd_l2sq_i8_serial
simsimd_hamming_b8_sve
simsimd_jaccard_b8_sve
simsimd_hamming_b8_neon
simsimd_jaccard_b8_neon
simsimd_hamming_b8_ice
simsimd_jaccard_b8_ice
simsimd_hamming_b8_haswell
simsimd_jaccard_b8_haswell
simsimd_hamming_b8_serial
simsimd_jaccard_b8_serial
simsimd_dot_f32c_sve
simsimd_vdot_f32c_sve
simsimd_dot_f32c_neon
simsimd_vdot_f32c_neon
simsimd_dot_f32c_haswell
simsimd_vdot_f32c_haswell
simsimd_dot_f32c_skylake
simsimd_vdot_f32c_skylake
simsimd_dot_f32c_serial
simsimd_vdot_f32c_serial
simsimd_dot_f64c_sve
simsimd_vdot_f64c_sve
simsimd_dot_f64c_skylake
simsimd_vdot_f64c_skylake
simsimd_dot_f64c_serial
simsimd_vdot_f64c_serial
simsimd_dot_f16c_sve
simsimd_vdot_f16c_sve
simsimd_dot_f16c_neon
simsimd_vdot_f16c_neon
simsimd_dot_f16c_haswell
simsimd_vdot_f16c_haswell
simsimd_dot_f16c_sapphire
simsimd_vdot_f16c_sapphire
simsimd_dot_f16c_serial
simsimd_vdot_f16c_serial
```

            

Raw data

            {
    "_id": null,
    "home_page": "https://github.com/ashvardanian/simsimd",
    "name": "simsimd",
    "maintainer": null,
    "docs_url": null,
    "requires_python": null,
    "maintainer_email": null,
    "keywords": null,
    "author": "Ash Vardanian",
    "author_email": "1983160+ashvardanian@users.noreply.github.com",
    "download_url": null,
    "platform": null,
    "description": "# SimSIMD \ud83d\udccf\n\n![SimSIMD banner](https://github.com/ashvardanian/ashvardanian/blob/master/repositories/SimSIMD.png?raw=true)\n\nComputing dot-products, similarity measures, and distances between low- and high-dimensional vectors is ubiquitous in Machine Learning, Scientific Computing, Geo-Spatial Analysis, and Information Retrieval.\nThese algorithms generally have linear complexity in time, constant complexity in space, and are data-parallel.\nIn other words, it is easily parallelizable and vectorizable and often available in packages like BLAS and LAPACK, as well as higher-level `numpy` and `scipy` Python libraries.\nIronically, even with decades of evolution in compilers and numerical computing, [most libraries can be 3-200x slower than hardware potential][benchmarks] even on the most popular hardware, like 64-bit x86 and Arm CPUs.\nSimSIMD attempts to fill that gap.\n1\ufe0f\u20e3 SimSIMD functions are practically as fast as `memcpy`.\n2\ufe0f\u20e3 SimSIMD [compiles to more platforms than NumPy (105 vs 35)][compatibility] and has more backends than most BLAS implementations.\n\n[benchmarks]: https://ashvardanian.com/posts/simsimd-faster-scipy\n[compatibility]: https://pypi.org/project/simsimd/#files\n\n<div>\n<a href=\"https://pepy.tech/project/simsimd\">\n    <img alt=\"PyPI\" src=\"https://static.pepy.tech/personalized-badge/simsimd?period=total&units=abbreviation&left_color=black&right_color=blue&left_text=SimSIMD%20Python%20installs\" />\n</a>\n<a href=\"https://www.npmjs.com/package/simsimd\">\n    <img alt=\"npm\" src=\"https://img.shields.io/npm/dy/simsimd?label=JavaScript%20NPM%20installs\" />\n</a>\n<a href=\"https://crates.io/crates/simsimd\">\n    <img alt=\"rust\" src=\"https://img.shields.io/crates/d/simsimd?label=Rust%20Crate%20installs\" />\n</a>\n<img alt=\"GitHub code size in bytes\" src=\"https://img.shields.io/github/languages/code-size/ashvardanian/simsimd\">\n<a href=\"https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml\">\n    <img alt=\"GitHub Actions Ubuntu\" src=\"https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=Ubuntu&logo=github&color=blue\">\n</a>\n<a href=\"https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml\">\n    <img alt=\"GitHub Actions Windows\" src=\"https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=Windows&logo=windows&color=blue\">\n</a>\n<a href=\"https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml\">\n    <img alt=\"GitHub Actions MacOS\" src=\"https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=MacOS&logo=apple&color=blue\">\n</a>\n<a href=\"https://github.com/ashvardanian/SimSIMD/actions/workflows/release.yml\">\n    <img alt=\"GitHub Actions CentOS Linux\" src=\"https://img.shields.io/github/actions/workflow/status/ashvardanian/SimSIMD/release.yml?branch=main&label=CentOS&logo=centos&color=blue\">\n</a>\n\n</div>\n\n## Features\n\nSimSIMD provides over 100 SIMD-optimized kernels for various distance and similarity measures, accelerating search in [USearch](https://github.com/unum-cloud/usearch) and several DBMS products.\nImplemented distance functions include:\n\n- Euclidean (L2) and Cosine (Angular) spatial distances for Vector Search.\n- Dot-Products for real & complex vectors for DSP & Quantum computing.\n- Hamming (~ Manhattan) and Jaccard (~ Tanimoto) bit-level distances.\n- Kullback-Leibler and Jensen\u2013Shannon divergences for probability distributions.\n- Haversine and Vincenty's formulae for Geospatial Analysis.\n- For Levenshtein, Needleman\u2013Wunsch and other text metrics, check [StringZilla][stringzilla].\n\n[scipy]: https://docs.scipy.org/doc/scipy/reference/spatial.distance.html#module-scipy.spatial.distance\n[numpy]: https://numpy.org/doc/stable/reference/generated/numpy.inner.html\n[stringzilla]: https://github.com/ashvardanian/stringzilla\n\nMoreover, SimSIMD...\n\n- handles `f64`, `f32`, and `f16` real & complex vectors.\n- handles `i8` integral and `b8` binary vectors.\n- is a zero-dependency [header-only C 99](#using-simsimd-in-c) library.\n- has bindings for [Python](#using-simsimd-in-python), [Rust](#using-simsimd-in-rust) and [JavaScript](#using-simsimd-in-javascript).\n- has Arm backends for NEON and Scalable Vector Extensions (SVE).\n- has x86 backends for Haswell, Skylake, Ice Lake, and Sapphire Rapids.\n\nDue to the high-level of fragmentation of SIMD support in different x86 CPUs, SimSIMD uses the names of select Intel CPU generations for its backends.\nThey, however, also work on AMD CPUs.\nInel Haswell is compatible with AMD Zen 1/2/3, while AMD Genoa Zen 4 covers AVX-512 instructions added to Intel Skylake and Ice Lake.\nYou can learn more about the technical implementation details in the following blogposts:\n\n- [Uses Horner's method for polynomial approximations, beating GCC 12 by 119x](https://ashvardanian.com/posts/gcc-12-vs-avx512fp16/).\n- [Uses Arm SVE and x86 AVX-512's masked loads to eliminate tail `for`-loops](https://ashvardanian.com/posts/simsimd-faster-scipy/#tails-of-the-past-the-significance-of-masked-loads).\n- [Uses AVX-512 FP16 for half-precision operations, that few compilers vectorize](https://ashvardanian.com/posts/simsimd-faster-scipy/#the-challenge-of-f16).\n- [Substitutes LibC's `sqrt` calls with bit-hacks using Jan Kadlec's constant](https://ashvardanian.com/posts/simsimd-faster-scipy/#bonus-section-bypassing-sqrt-and-libc-dependencies).\n- [For Python avoids slow PyBind11, SWIG, and even `PyArg_ParseTuple` for speed](https://ashvardanian.com/posts/pybind11-cpython-tutorial/).\n- [For JavaScript uses typed arrays and NAPI for zero-copy calls](https://ashvardanian.com/posts/javascript-ai-vector-search/).\n\n## Benchmarks\n\n### Against NumPy and SciPy\n\nGiven 1000 embeddings from OpenAI Ada API with 1536 dimensions, running on the Apple M2 Pro Arm CPU with NEON support, here's how SimSIMD performs against conventional methods:\n\n| Kind                      | `f32` improvement | `f16` improvement | `i8` improvement | Conventional method                    | SimSIMD         |\n| :------------------------ | ----------------: | ----------------: | ---------------: | :------------------------------------- | :-------------- |\n| Inner Product             |           __2 x__ |           __9 x__ |         __18 x__ | `numpy.inner`                          | `inner`         |\n| Cosine Distance           |          __32 x__ |          __79 x__ |        __133 x__ | `scipy.spatial.distance.cosine`        | `cosine`        |\n| Euclidean Distance \u00b2      |           __5 x__ |          __26 x__ |         __17 x__ | `scipy.spatial.distance.sqeuclidean`   | `sqeuclidean`   |\n| Jensen-Shannon Divergence |          __31 x__ |          __53 x__ |                  | `scipy.spatial.distance.jensenshannon` | `jensenshannon` |\n\n### Against GCC Auto-Vectorization\n\nOn the Intel Sapphire Rapids platform, SimSIMD was benchmarked against auto-vectorized code using GCC 12.\nGCC handles single-precision `float` but might not be the best choice for `int8` and `_Float16` arrays, which have been part of the C language since 2011.\n\n| Kind                      | GCC 12 `f32` | GCC 12 `f16` | SimSIMD `f16` | `f16` improvement |\n| :------------------------ | -----------: | -----------: | ------------: | ----------------: |\n| Inner Product             |    3,810 K/s |      192 K/s |     5,990 K/s |          __31 x__ |\n| Cosine Distance           |    3,280 K/s |      336 K/s |     6,880 K/s |          __20 x__ |\n| Euclidean Distance \u00b2      |    4,620 K/s |      147 K/s |     5,320 K/s |          __36 x__ |\n| Jensen-Shannon Divergence |    1,180 K/s |       18 K/s |     2,140 K/s |         __118 x__ |\n\n__Broader Benchmarking Results__:\n\n- [Apple M2 Pro](https://ashvardanian.com/posts/simsimd-faster-scipy/#appendix-1-performance-on-apple-m2-pro).\n- [4th Gen Intel Xeon Platinum](https://ashvardanian.com/posts/simsimd-faster-scipy/#appendix-2-performance-on-4th-gen-intel-xeon-platinum-8480).\n- [AWS Graviton 3](https://ashvardanian.com/posts/simsimd-faster-scipy/#appendix-3-performance-on-aws-graviton-3).\n\n## Using SimSIMD in Python\n\nThe package is intended to replace the usage of `numpy.inner`, `numpy.dot`, and `scipy.spatial.distance`.\nAside from drastic performance improvements, SimSIMD significantly improves accuracy in mixed precision setups.\nNumPy and SciPy, processing `i8` or `f16` vectors, will use the same types for accumulators, while SimSIMD can combine `i8` enumeration, `i16` multiplication, and `i32` accumulation to avoid overflows entirely.\nThe same applies to processing `f16` values with `f32` precision.\n\n### Installation\n\nUse the following snippet to install SimSIMD and list available hardware acceleration options available on your machine:\n\n```sh\npip install simsimd\npython -c \"import simsimd; print(simsimd.get_capabilities())\"\n```\n\n### One-to-One Distance\n\n```py\nimport simsimd\nimport numpy as np\n\nvec1 = np.random.randn(1536).astype(np.float32)\nvec2 = np.random.randn(1536).astype(np.float32)\ndist = simsimd.cosine(vec1, vec2)\n```\n\nSupported functions include `cosine`, `inner`, `sqeuclidean`, `hamming`, and `jaccard`.\nDot products are supported for both real and complex numbers:\n\n```py\nvec1 = np.random.randn(768).astype(np.float64) + 1j * np.random.randn(768).astype(np.float64)\nvec2 = np.random.randn(768).astype(np.float64) + 1j * np.random.randn(768).astype(np.float64)\n\ndist = simsimd.dot(vec1.astype(np.complex128), vec2.astype(np.complex128))\ndist = simsimd.dot(vec1.astype(np.complex64), vec2.astype(np.complex64))\ndist = simsimd.vdot(vec1.astype(np.complex64), vec2.astype(np.complex64)) # conjugate, same as `np.vdot`\n```\n\nUnlike SciPy, SimSIMD allows explicitly stating the precision of the input vectors, which is especially useful for mixed-precision setups.\n\n```py\ndist = simsimd.cosine(vec1, vec2, \"i8\")\ndist = simsimd.cosine(vec1, vec2, \"f16\")\ndist = simsimd.cosine(vec1, vec2, \"f32\")\ndist = simsimd.cosine(vec1, vec2, \"f64\")\n```\n\nIt also allows using SimSIMD for half-precision complex numbers, which NumPy does not support.\nFor that, view data as continuous even-length `np.float16` vectors and override type-resolution with `complex32` string.\n\n```py\nvec1 = np.random.randn(1536).astype(np.float16)\nvec2 = np.random.randn(1536).astype(np.float16)\nsimd.dot(vec1, vec2, \"complex32\")\nsimd.vdot(vec1, vec2, \"complex32\")\n```\n\n### One-to-Many Distances\n\nEvery distance function can be used not only for one-to-one but also one-to-many and many-to-many distance calculations.\nFor one-to-many:\n\n```py\nvec1 = np.random.randn(1536).astype(np.float32) # rank 1 tensor\nbatch1 = np.random.randn(1, 1536).astype(np.float32) # rank 2 tensor\nbatch2 = np.random.randn(100, 1536).astype(np.float32)\n\ndist_rank1 = simsimd.cosine(vec1, batch2)\ndist_rank2 = simsimd.cosine(batch1, batch2)\n```\n\n### Many-to-Many Distances\n\nAll distance functions in SimSIMD can be used to compute many-to-many distances.\nFor two batches of 100 vectors to compute 100 distances, one would call it like this:\n\n```py\nbatch1 = np.random.randn(100, 1536).astype(np.float32)\nbatch2 = np.random.randn(100, 1536).astype(np.float32)\ndist = simsimd.cosine(batch1, batch2)\n```\n\nInput matrices must have identical shapes.\nThis functionality isn't natively present in NumPy or SciPy, and generally requires creating intermediate arrays, which is inefficient and memory-consuming.\n\n### Many-to-Many All-Pairs Distances\n\nOne can use SimSIMD to compute distances between all possible pairs of rows across two matrices (akin to [`scipy.spatial.distance.cdist`](https://docs.scipy.org/doc/scipy/reference/generated/scipy.spatial.distance.cdist.html)).\nThe resulting object will have a type `DistancesTensor`, zero-copy compatible with NumPy and other libraries.\nFor two arrays of 10 and 1,000 entries, the resulting tensor will have 10,000 cells:\n\n```py\nimport numpy as np\nfrom simsimd import cdist, DistancesTensor\n\nmatrix1 = np.random.randn(1000, 1536).astype(np.float32)\nmatrix2 = np.random.randn(10, 1536).astype(np.float32)\ndistances: DistancesTensor = simsimd.cdist(matrix1, matrix2, metric=\"cosine\") # zero-copy\ndistances_array: np.ndarray = np.array(distances, copy=True) # now managed by NumPy\n```\n\n### Multithreading\n\nBy default, computations use a single CPU core.\nTo optimize and utilize all CPU cores on Linux systems, add the `threads=0` argument.\nAlternatively, specify a custom number of threads:\n\n```py\ndistances = simsimd.cdist(matrix1, matrix2, metric=\"cosine\", threads=0)\n```\n\n### Using Python API with USearch\n\nWant to use it in Python with [USearch](https://github.com/unum-cloud/usearch)?\nYou can wrap the raw C function pointers SimSIMD backends into a `CompiledMetric` and pass it to USearch, similar to how it handles Numba's JIT-compiled code.\n\n```py\nfrom usearch.index import Index, CompiledMetric, MetricKind, MetricSignature\nfrom simsimd import pointer_to_sqeuclidean, pointer_to_cosine, pointer_to_inner\n\nmetric = CompiledMetric(\n    pointer=pointer_to_cosine(\"f16\"),\n    kind=MetricKind.Cos,\n    signature=MetricSignature.ArrayArraySize,\n)\n\nindex = Index(256, metric=metric)\n```\n\n## Using SimSIMD in Rust\n\nTo install, add the following to your `Cargo.toml`:\n\n```toml\n[dependencies]\nsimsimd = \"...\"\n```\n\nBefore using the SimSIMD library, ensure you have imported the necessary traits and types into your Rust source file.\nThe library provides several traits for different distance/similarity kinds - `SpatialSimilarity`, `BinarySimilarity`, and `ProbabilitySimilarity`.\n\n### Spatial Similarity: Cosine and Euclidean Distances\n\n```rust\nuse simsimd::SpatialSimilarity;\n\nfn main() {\n    let vector_a: Vec<f32> = vec![1.0, 2.0, 3.0];\n    let vector_b: Vec<f32> = vec![4.0, 5.0, 6.0];\n\n    // Compute the cosine similarity between vector_a and vector_b\n    let cosine_similarity = f32::cosine(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Cosine Similarity: {}\", cosine_similarity);\n\n    // Compute the squared Euclidean distance between vector_a and vector_b\n    let sq_euclidean_distance = f32::sqeuclidean(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Squared Euclidean Distance: {}\", sq_euclidean_distance);\n}\n```\n\nSpatial similarity functions are available for `f64`, `f32`, `f16`, and `i8` types.\n\n### Dot-Products: Inner and Complex Inner Products\n\n```rust\nuse simsimd::SpatialSimilarity;\nuse simsimd::ComplexProducts;\n\nfn main() {\n    let vector_a: Vec<f32> = vec![1.0, 2.0, 3.0, 4.0];\n    let vector_b: Vec<f32> = vec![5.0, 6.0, 7.0, 8.0];\n\n    // Compute the inner product between vector_a and vector_b\n    let inner_product = SpatialSimilarity::dot(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Inner Product: {}\", inner_product);\n\n    // Compute the complex inner product between complex_vector_a and complex_vector_b\n    let complex_inner_product = ComplexProducts::dot(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    let complex_conjugate_inner_product = ComplexProducts::vdot(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Complex Inner Product: {:?}\", complex_inner_product); // -18, 69\n    println!(\"Complex C. Inner Product: {:?}\", complex_conjugate_inner_product); // 70, -8\n}\n```\n\nComplex inner products are available for `f64`, `f32`, and `f16` types.\n\n### Probability Distributions: Jensen-Shannon and Kullback-Leibler Divergences\n\n```rust\nuse simsimd::SpatialSimilarity;\n\nfn main() {\n    let vector_a: Vec<f32> = vec![1.0, 2.0, 3.0];\n    let vector_b: Vec<f32> = vec![4.0, 5.0, 6.0];\n\n    let cosine_similarity = f32::jensenshannon(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Cosine Similarity: {}\", cosine_similarity);\n\n    let sq_euclidean_distance = f32::kullbackleibler(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Squared Euclidean Distance: {}\", sq_euclidean_distance);\n}\n```\n\nProbability similarity functions are available for `f64`, `f32`, and `f16` types.\n\n### Binary Similarity: Hamming and Jaccard Distances\n\nSimilar to spatial distances, one can compute bit-level distance functions between slices of unsigned integers:\n\n```rust\nuse simsimd::BinarySimilarity;\n\nfn main() {\n    let vector_a = &[0b11110000, 0b00001111, 0b10101010];\n    let vector_b = &[0b11110000, 0b00001111, 0b01010101];\n\n    // Compute the Hamming distance between vector_a and vector_b\n    let hamming_distance = u8::hamming(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Hamming Distance: {}\", hamming_distance);\n\n    // Compute the Jaccard distance between vector_a and vector_b\n    let jaccard_distance = u8::jaccard(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Jaccard Distance: {}\", jaccard_distance);\n}\n```\n\nBinary similarity functions are available only for `u8` types.\n\n### Half-Precision Floating-Point Numbers\n\nRust has no native support for half-precision floating-point numbers, but SimSIMD provides a `f16` type.\nIt has no functionality - it is a `transparent` wrapper around `u16` and can be used with `half` or any other half-precision library.\n\n```rust\nuse simsimd::SpatialSimilarity;\nuse simsimd::f16 as SimF16;\nuse half::f16 as HalfF16;\n\nfn main() {\n    let vector_a: Vec<HalfF16> = ...\n    let vector_b: Vec<HalfF16> = ...\n\n    let buffer_a: &[SimF16] = unsafe { std::slice::from_raw_parts(a_half.as_ptr() as *const SimF16, a_half.len()) };\n    let buffer_b: &[SimF16] = unsafe { std::slice::from_raw_parts(b_half.as_ptr() as *const SimF16, b_half.len()) };\n\n    // Compute the cosine similarity between vector_a and vector_b\n    let cosine_similarity = SimF16::cosine(&vector_a, &vector_b)\n        .expect(\"Vectors must be of the same length\");\n\n    println!(\"Cosine Similarity: {}\", cosine_similarity);\n}\n```\n\n### Dynamic Dispatch\n\nSimSIMD provides a dynamic dispatch mechanism to select the most advanced micro-kernel for the current CPU.\nYou can query supported backends and use the `SimSIMD::capabilities` function to select the best one.\n\n```rust\nprintln!(\"uses neon: {}\", capabilties::uses_neon());\nprintln!(\"uses sve: {}\", capabilties::uses_sve());\nprintln!(\"uses haswell: {}\", capabilties::uses_haswell());\nprintln!(\"uses skylake: {}\", capabilties::uses_skylake());\nprintln!(\"uses ice: {}\", capabilties::uses_ice());\nprintln!(\"uses sapphire: {}\", capabilties::uses_sapphire());\n```\n\n## Using SimSIMD in JavaScript\n\nTo install, choose one of the following options depending on your environment:\n\n- `npm install --save simsimd`\n- `yarn add simsimd`\n- `pnpm add simsimd`\n- `bun install simsimd`\n\nThe package is distributed with prebuilt binaries, but if your platform is not supported, you can build the package from the source via `npm run build`.\nThis will automatically happen unless you install the package with the `--ignore-scripts` flag or use Bun.\nAfter you install it, you will be able to call the SimSIMD functions on various `TypedArray` variants:\n\n```js\nconst { sqeuclidean, cosine, inner, hamming, jaccard } = require('simsimd');\n\nconst vectorA = new Float32Array([1.0, 2.0, 3.0]);\nconst vectorB = new Float32Array([4.0, 5.0, 6.0]);\n\nconst distance = sqeuclidean(vectorA, vectorB);\nconsole.log('Squared Euclidean Distance:', distance);\n```\n\nOther numeric types and precision levels are supported as well.\nFor double-precsion floating-point numbers, use `Float64Array`:\n\n```js\nconst vectorA = new Float64Array([1.0, 2.0, 3.0]);\nconst vectorB = new Float64Array([4.0, 5.0, 6.0]);\nconst distance = cosine(vectorA, vectorB);\n```\n\nWhen doing machine learning and vector search with high-dimensional vectors you may want to quantize them to 8-bit integers.\nYou may want to project values from the $[-1, 1]$ range to the $[-100, 100]$ range and then cast them to `Uint8Array`:\n\n```js\nconst quantizedVectorA = new Uint8Array(vectorA.map(v => (v * 100)));\nconst quantizedVectorB = new Uint8Array(vectorB.map(v => (v * 100)));\nconst distance = cosine(quantizedVectorA, quantizedVectorB);\n```\n\nA more extreme quantization case would be to use binary vectors.\nYou can map all positive values to `1` and all negative values and zero to `0`, packing eight values into a single byte.\nAfter that, Hamming and Jaccard distances can be computed.\n\n```js\nconst { toBinary, hamming } = require('simsimd');\n\nconst binaryVectorA = toBinary(vectorA);\nconst binaryVectorB = toBinary(vectorB);\nconst distance = hamming(binaryVectorA, binaryVectorB);\n```\n\n## Using SimSIMD in C\n\nFor integration within a CMake-based project, add the following segment to your `CMakeLists.txt`:\n\n```cmake\nFetchContent_Declare(\n    simsimd\n    GIT_REPOSITORY https://github.com/ashvardanian/simsimd.git\n    GIT_SHALLOW TRUE\n)\nFetchContent_MakeAvailable(simsimd)\n```\n\nAfter that, you can use the SimSIMD library in your C code in several ways.\nSimplest of all, you can include the headers, and the compiler will automatically select the most recent CPU extensions that SimSIMD will use.\n\n```c\n#include <simsimd/simsimd.h>\n\nint main() {\n    simsimd_f32_t vector_a[1536];\n    simsimd_f32_t vector_b[1536];\n    simsimd_metric_punned_t distance_function = simsimd_metric_punned(\n        simsimd_metric_cos_k, // Metric kind, like the angular cosine distance\n        simsimd_datatype_f32_k, // Data type, like: f16, f32, f64, i8, b8, and complex variants\n        simsimd_cap_any_k); // Which CPU capabilities are we allowed to use\n    simsimd_distance_t distance;\n    distance_function(vector_a, vector_b, 1536, &distance);\n    return 0;\n}\n```\n\n### Dynamic Dispatch\n\nTo avoid hard-coding the backend, you can rely on `c/lib.c` to prepackage all possible backends in one binary, and select the most recent CPU features at runtime.\nThat feature of the C library is called dynamic dispatch and is extensively used in the Python, JavaScript, and Rust bindings.\nTo test which CPU features are available on the machine at runtime, use the following APIs:\n\n```c\nint uses_neon = simsimd_uses_neon();\nint uses_sve = simsimd_uses_sve();\nint uses_haswell = simsimd_uses_haswell();\nint uses_skylake = simsimd_uses_skylake();\nint uses_ice = simsimd_uses_ice();\nint uses_sapphire = simsimd_uses_sapphire();\n\nsimsimd_capability_t capabilities = simsimd_capabilities();\n```\n\nTo differentiate between runtime and compile-time dispatch, define the following macro:\n\n```c\n#define SIMSIMD_DYNAMIC_DISPATCH 1 // or 0\n```\n\n### Spatial Distances: Cosine and Euclidean Distances\n\n```c\n#include <simsimd/simsimd.h>\n\nint main() {\n    simsimd_f64_t f64s[1536];\n    simsimd_f32_t f32s[1536];\n    simsimd_f16_t f16s[1536];\n    simsimd_i8_t i8[1536];\n    simsimd_distance_t distance;\n\n    // Cosine distance between two vectors\n    simsimd_cos_i8(i8s, i8s, 1536, &distance);\n    simsimd_cos_f16(f16s, f16s, 1536, &distance);\n    simsimd_cos_f32(f32s, f32s, 1536, &distance);\n    simsimd_cos_f64(f64s, f64s, 1536, &distance);\n    \n    // Euclidean distance between two vectors\n    simsimd_l2sq_i8(i8s, i8s, 1536, &distance);\n    simsimd_l2sq_f16(f16s, f16s, 1536, &distance);\n    simsimd_l2sq_f32(f32s, f32s, 1536, &distance);\n    simsimd_l2sq_f64(f64s, f64s, 1536, &distance);\n\n    return 0;\n}\n```\n\n### Dot-Products: Inner and Complex Inner Products\n\n```c\n#include <simsimd/simsimd.h>\n\nint main() {\n    simsimd_f64_t f64s[1536];\n    simsimd_f32_t f32s[1536];\n    simsimd_f16_t f16s[1536];\n    simsimd_distance_t distance;\n\n    // Inner product between two vectors\n    simsimd_dot_f16(f16s, f16s, 1536, &distance);\n    simsimd_dot_f32(f32s, f32s, 1536, &distance);\n    simsimd_dot_f64(f64s, f64s, 1536, &distance);\n\n    // Complex inner product between two vectors\n    simsimd_dot_f16c(f16s, f16s, 1536, &distance);\n    simsimd_dot_f32c(f32s, f32s, 1536, &distance);\n    simsimd_dot_f64c(f64s, f64s, 1536, &distance);\n\n    // Complex conjugate inner product between two vectors\n    simsimd_vdot_f16c(f16s, f16s, 1536, &distance);\n    simsimd_vdot_f32c(f32s, f32s, 1536, &distance);\n    simsimd_vdot_f64c(f64s, f64s, 1536, &distance);\n\n    return 0;\n}\n```\n\n### Binary Distances: Hamming and Jaccard Distances\n\n```c\n#include <simsimd/simsimd.h>\n\nint main() {\n    simsimd_b8_t b8s[1536 / 8]; // 8 bits per word\n    simsimd_distance_t distance;\n\n    // Hamming distance between two vectors\n    simsimd_hamming_b8(b8s, b8s, 1536 / 8, &distance);\n\n    // Jaccard distance between two vectors\n    simsimd_jaccard_b8(b8s, b8s, 1536 / 8, &distance);\n\n    return 0;\n}\n```\n\n### Probability Distributions: Jensen-Shannon and Kullback-Leibler Divergences\n\n```c\n#include <simsimd/simsimd.h>\n\nint main() {\n    simsimd_f64_t f64s[1536];\n    simsimd_f32_t f32s[1536];\n    simsimd_f16_t f16s[1536];\n    simsimd_distance_t distance;\n\n    // Jensen-Shannon divergence between two vectors\n    simsimd_js_f16(f16s, f16s, 1536, &distance);\n    simsimd_js_f32(f32s, f32s, 1536, &distance);\n    simsimd_js_f64(f64s, f64s, 1536, &distance);\n\n    // Kullback-Leibler divergence between two vectors\n    simsimd_kl_f16(f16s, f16s, 1536, &distance);\n    simsimd_kl_f32(f32s, f32s, 1536, &distance);\n    simsimd_kl_f64(f64s, f64s, 1536, &distance);\n\n    return 0;\n}\n```\n\n### Half-Precision Floating-Point Numbers\n\nIf you aim to utilize the `_Float16` functionality with SimSIMD, ensure your development environment is compatible with C 11.\nFor other SimSIMD functionalities, C 99 compatibility will suffice.\nTo explicitly disable half-precision support, define the following macro before imports:\n\n```c\n#define SIMSIMD_NATIVE_F16 0 // or 1\n#include <simsimd/simsimd.h>\n```\n\n### Target Specific Backends\n\nSimSIMD exposes all kernels for all backends, and you can select the most advanced one for the current CPU without relying on built-in dispatch mechanisms.\nAll of the function names follow the same pattern: `simsimd_{function}_{type}_{backend}`.\n\n- The backend can be `serial`, `haswell`, `skylake`, `ice`, `sapphire`, `neon`, or `sve`.\n- The type can be `f64`, `f32`, `f16`, `f64c`, `f32c`, `f16c`, `i8`, or `b8`.\n- The function can be `dot`, `vdot`, `cos`, `l2sq`, `hamming`, `jaccard`, `kl`, or `js`.\n\nTo avoid hard-coding the backend, you can use the `simsimd_metric_punned_t` to pun the function pointer and the `simsimd_capabilities` function to get the available backends at runtime.\n\n```c\nsimsimd_dot_f64_sve\nsimsimd_cos_f64_sve\nsimsimd_l2sq_f64_sve\nsimsimd_dot_f64_skylake\nsimsimd_cos_f64_skylake\nsimsimd_l2sq_f64_skylake\nsimsimd_dot_f64_serial\nsimsimd_cos_f64_serial\nsimsimd_l2sq_f64_serial\nsimsimd_js_f64_serial\nsimsimd_kl_f64_serial\nsimsimd_dot_f32_sve\nsimsimd_cos_f32_sve\nsimsimd_l2sq_f32_sve\nsimsimd_dot_f32_neon\nsimsimd_cos_f32_neon\nsimsimd_l2sq_f32_neon\nsimsimd_js_f32_neon\nsimsimd_kl_f32_neon\nsimsimd_dot_f32_skylake\nsimsimd_cos_f32_skylake\nsimsimd_l2sq_f32_skylake\nsimsimd_js_f32_skylake\nsimsimd_kl_f32_skylake\nsimsimd_dot_f32_serial\nsimsimd_cos_f32_serial\nsimsimd_l2sq_f32_serial\nsimsimd_js_f32_serial\nsimsimd_kl_f32_serial\nsimsimd_dot_f16_sve\nsimsimd_cos_f16_sve\nsimsimd_l2sq_f16_sve\nsimsimd_dot_f16_neon\nsimsimd_cos_f16_neon\nsimsimd_l2sq_f16_neon\nsimsimd_js_f16_neon\nsimsimd_kl_f16_neon\nsimsimd_dot_f16_sapphire\nsimsimd_cos_f16_sapphire\nsimsimd_l2sq_f16_sapphire\nsimsimd_js_f16_sapphire\nsimsimd_kl_f16_sapphire\nsimsimd_dot_f16_haswell\nsimsimd_cos_f16_haswell\nsimsimd_l2sq_f16_haswell\nsimsimd_js_f16_haswell\nsimsimd_kl_f16_haswell\nsimsimd_dot_f16_serial\nsimsimd_cos_f16_serial\nsimsimd_l2sq_f16_serial\nsimsimd_js_f16_serial\nsimsimd_kl_f16_serial\nsimsimd_cos_i8_neon\nsimsimd_cos_i8_neon\nsimsimd_l2sq_i8_neon\nsimsimd_cos_i8_ice\nsimsimd_cos_i8_ice\nsimsimd_l2sq_i8_ice\nsimsimd_cos_i8_haswell\nsimsimd_cos_i8_haswell\nsimsimd_l2sq_i8_haswell\nsimsimd_cos_i8_serial\nsimsimd_cos_i8_serial\nsimsimd_l2sq_i8_serial\nsimsimd_hamming_b8_sve\nsimsimd_jaccard_b8_sve\nsimsimd_hamming_b8_neon\nsimsimd_jaccard_b8_neon\nsimsimd_hamming_b8_ice\nsimsimd_jaccard_b8_ice\nsimsimd_hamming_b8_haswell\nsimsimd_jaccard_b8_haswell\nsimsimd_hamming_b8_serial\nsimsimd_jaccard_b8_serial\nsimsimd_dot_f32c_sve\nsimsimd_vdot_f32c_sve\nsimsimd_dot_f32c_neon\nsimsimd_vdot_f32c_neon\nsimsimd_dot_f32c_haswell\nsimsimd_vdot_f32c_haswell\nsimsimd_dot_f32c_skylake\nsimsimd_vdot_f32c_skylake\nsimsimd_dot_f32c_serial\nsimsimd_vdot_f32c_serial\nsimsimd_dot_f64c_sve\nsimsimd_vdot_f64c_sve\nsimsimd_dot_f64c_skylake\nsimsimd_vdot_f64c_skylake\nsimsimd_dot_f64c_serial\nsimsimd_vdot_f64c_serial\nsimsimd_dot_f16c_sve\nsimsimd_vdot_f16c_sve\nsimsimd_dot_f16c_neon\nsimsimd_vdot_f16c_neon\nsimsimd_dot_f16c_haswell\nsimsimd_vdot_f16c_haswell\nsimsimd_dot_f16c_sapphire\nsimsimd_vdot_f16c_sapphire\nsimsimd_dot_f16c_serial\nsimsimd_vdot_f16c_serial\n```\n",
    "bugtrack_url": null,
    "license": "Apache-2.0",
    "summary": "Fastest SIMD-Accelerated Vector Similarity Functions for x86 and Arm",
    "version": "4.3.1",
    "project_urls": {
        "Homepage": "https://github.com/ashvardanian/simsimd"
    },
    "split_keywords": [],
    "urls": [
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c33e19d4218903afd03b933da48abda4e103eb2b037f6da74aa30599335695de",
                "md5": "d8d40aafc4dd00a2d54a48ead46157da",
                "sha256": "17e92168fd00f8721c182a248688f9df415222cc90a12ff2c834b814cc248f64"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "d8d40aafc4dd00a2d54a48ead46157da",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 63473,
            "upload_time": "2024-04-10T19:32:56",
            "upload_time_iso_8601": "2024-04-10T19:32:56.299558Z",
            "url": "https://files.pythonhosted.org/packages/c3/3e/19d4218903afd03b933da48abda4e103eb2b037f6da74aa30599335695de/simsimd-4.3.1-cp310-cp310-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "fc2890f808243a47767e6bd6071e57392ee4f2dff3c0fde333592852dda6aa6b",
                "md5": "84777ea03952fa56da98f0ffa2bcffaf",
                "sha256": "d3b251e7b4df35252eb9fd1c885885647102e533277f1e526313fd29c2fcf845"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "84777ea03952fa56da98f0ffa2bcffaf",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 38849,
            "upload_time": "2024-04-10T19:32:58",
            "upload_time_iso_8601": "2024-04-10T19:32:58.468753Z",
            "url": "https://files.pythonhosted.org/packages/fc/28/90f808243a47767e6bd6071e57392ee4f2dff3c0fde333592852dda6aa6b/simsimd-4.3.1-cp310-cp310-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "288be8968772ac536df68b1e19273dff0c6fccf76e2548ecd2cebdcdd6fc645d",
                "md5": "804af239bd994ca09a6d5d3f55c376ae",
                "sha256": "1222bf0500af4eacff2215c90c8309466a380c4f73b51e21cccc6fe4aae71284"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-macosx_11_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "804af239bd994ca09a6d5d3f55c376ae",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 38648,
            "upload_time": "2024-04-10T19:32:59",
            "upload_time_iso_8601": "2024-04-10T19:32:59.999903Z",
            "url": "https://files.pythonhosted.org/packages/28/8b/e8968772ac536df68b1e19273dff0c6fccf76e2548ecd2cebdcdd6fc645d/simsimd-4.3.1-cp310-cp310-macosx_11_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "b4daff52b7ccef767d3cd79d0e266398c6bf34ee75941fca9caf79abe904734e",
                "md5": "3b6ec1acb52748eeb8677662228a1a5f",
                "sha256": "806ba354a323f3d52869d26fb27027a1722091135e77e942fd09de91fca107c4"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "3b6ec1acb52748eeb8677662228a1a5f",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 152068,
            "upload_time": "2024-04-10T19:33:02",
            "upload_time_iso_8601": "2024-04-10T19:33:02.209278Z",
            "url": "https://files.pythonhosted.org/packages/b4/da/ff52b7ccef767d3cd79d0e266398c6bf34ee75941fca9caf79abe904734e/simsimd-4.3.1-cp310-cp310-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "9dd17e6bd0d66c1d14b5d8efa4610d80d4d9ea45c2499140a1ef2babe8157ff9",
                "md5": "0b3a55d42b769f14b4d5ce9cfb538b6e",
                "sha256": "9ad8f5bcbaa6e3607f6b7770197d89413f789841558b116017eb3670ce2ba9ae"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "0b3a55d42b769f14b4d5ce9cfb538b6e",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 187851,
            "upload_time": "2024-04-10T19:33:03",
            "upload_time_iso_8601": "2024-04-10T19:33:03.901400Z",
            "url": "https://files.pythonhosted.org/packages/9d/d1/7e6bd0d66c1d14b5d8efa4610d80d4d9ea45c2499140a1ef2babe8157ff9/simsimd-4.3.1-cp310-cp310-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e8cfd5e306a94d3a7acaf8a3e04859f76aeae6918954915187f3a7a3b15fc7be",
                "md5": "1568f76ac91f8bd404336d4c91e8c033",
                "sha256": "d8ecec183a3826c4dadf1838323231d8d72f5c8f16e3e97e25a157e8a0b252a9"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "1568f76ac91f8bd404336d4c91e8c033",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 154369,
            "upload_time": "2024-04-10T19:33:06",
            "upload_time_iso_8601": "2024-04-10T19:33:06.146752Z",
            "url": "https://files.pythonhosted.org/packages/e8/cf/d5e306a94d3a7acaf8a3e04859f76aeae6918954915187f3a7a3b15fc7be/simsimd-4.3.1-cp310-cp310-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "cc2e9d0a88fb16cfdb98de16b4318186f50f48e7373dece47753dcbc42a4dcb5",
                "md5": "5f2d5e257c7387b0a3ec2d34541ae25e",
                "sha256": "3ce0d88025b9e7f20ee8246123a67885a20228bc935755e4b5154d5a0b292fb3"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "5f2d5e257c7387b0a3ec2d34541ae25e",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 254270,
            "upload_time": "2024-04-10T19:33:07",
            "upload_time_iso_8601": "2024-04-10T19:33:07.664234Z",
            "url": "https://files.pythonhosted.org/packages/cc/2e/9d0a88fb16cfdb98de16b4318186f50f48e7373dece47753dcbc42a4dcb5/simsimd-4.3.1-cp310-cp310-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "73f7c29d84bca15f37dc52f2d9f6309f4d34fe0c5e8f3c84b252bb587f5ff267",
                "md5": "f1f517027453acbd92e3731a06d0afb1",
                "sha256": "99ff0aff394a0f4798909325700c74d06629d1e08cea619cfb2b66c2b8f10dfa"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "f1f517027453acbd92e3731a06d0afb1",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 382215,
            "upload_time": "2024-04-10T19:33:09",
            "upload_time_iso_8601": "2024-04-10T19:33:09.133576Z",
            "url": "https://files.pythonhosted.org/packages/73/f7/c29d84bca15f37dc52f2d9f6309f4d34fe0c5e8f3c84b252bb587f5ff267/simsimd-4.3.1-cp310-cp310-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "859ac8e4031596530f27dbd38106b956e195a0c97a1565187bc94287b9b329e1",
                "md5": "d90c007bc053e24e56128ed858d4ce08",
                "sha256": "101d1a08b4976ec69b5a6ccfc92a793034071997ac84eab2c0a6d9a16c8e8a1c"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "d90c007bc053e24e56128ed858d4ce08",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 160869,
            "upload_time": "2024-04-10T19:33:10",
            "upload_time_iso_8601": "2024-04-10T19:33:10.659698Z",
            "url": "https://files.pythonhosted.org/packages/85/9a/c8e4031596530f27dbd38106b956e195a0c97a1565187bc94287b9b329e1/simsimd-4.3.1-cp310-cp310-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "f2f6376e7adcc86e02faf462b784c098f50bdfda5fc2a74bd93e35f9970aa20c",
                "md5": "7744e4efa87d560cda537fc61d3a3e13",
                "sha256": "a53656ecc3392b59a62bd5699c6c3b3a151a9b8a0d43d29857ba1412980fc4d3"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "7744e4efa87d560cda537fc61d3a3e13",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 194547,
            "upload_time": "2024-04-10T19:33:12",
            "upload_time_iso_8601": "2024-04-10T19:33:12.753286Z",
            "url": "https://files.pythonhosted.org/packages/f2/f6/376e7adcc86e02faf462b784c098f50bdfda5fc2a74bd93e35f9970aa20c/simsimd-4.3.1-cp310-cp310-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "252397a1f0225e10ab35cb626b258cb1a0a5c2e5699d02522b0f2fc7ba3275af",
                "md5": "23c5e106f11a38972f66a21a1fc82b6c",
                "sha256": "b4051b0144ddf170cda17eeb86bc4db64fa0163d751fb732108b0fb875932f4d"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "23c5e106f11a38972f66a21a1fc82b6c",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 168983,
            "upload_time": "2024-04-10T19:33:14",
            "upload_time_iso_8601": "2024-04-10T19:33:14.427882Z",
            "url": "https://files.pythonhosted.org/packages/25/23/97a1f0225e10ab35cb626b258cb1a0a5c2e5699d02522b0f2fc7ba3275af/simsimd-4.3.1-cp310-cp310-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "10b21022c56890bd1addc2d85483eb4ec951a8b6be6f4c0d68a7d97973829b89",
                "md5": "de8dac1811eb5d326fd310646160ea54",
                "sha256": "418eeadb62b67b20d765b44957a03914e6c96ff0cd7cb909d91d23052eb5951e"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "de8dac1811eb5d326fd310646160ea54",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 273892,
            "upload_time": "2024-04-10T19:33:16",
            "upload_time_iso_8601": "2024-04-10T19:33:16.898381Z",
            "url": "https://files.pythonhosted.org/packages/10/b2/1022c56890bd1addc2d85483eb4ec951a8b6be6f4c0d68a7d97973829b89/simsimd-4.3.1-cp310-cp310-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "64d25c8c69b7dd464c607343ab9df98e1ddfc5d54fbaf91b83806cb125988e16",
                "md5": "c097c385894e4a7d9cc0bd2be4b3c01c",
                "sha256": "cc3a034cc9b8e430416d3705ff450735f5bea05bbd6736fe5be314bd65ebc4f5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "c097c385894e4a7d9cc0bd2be4b3c01c",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 292282,
            "upload_time": "2024-04-10T19:33:19",
            "upload_time_iso_8601": "2024-04-10T19:33:19.235462Z",
            "url": "https://files.pythonhosted.org/packages/64/d2/5c8c69b7dd464c607343ab9df98e1ddfc5d54fbaf91b83806cb125988e16/simsimd-4.3.1-cp310-cp310-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c43e0ed7947f13482152241e7de0d992bbac4e4ccb5419a75ee04ccab45c91b3",
                "md5": "d3e7fef2d3ec3d41690a76053747d78f",
                "sha256": "d86956438b00b2b53b12a3221c40d8e099d72f15d267f1d8e00de6d2234a0be5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-win32.whl",
            "has_sig": false,
            "md5_digest": "d3e7fef2d3ec3d41690a76053747d78f",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 27530,
            "upload_time": "2024-04-10T19:33:20",
            "upload_time_iso_8601": "2024-04-10T19:33:20.932919Z",
            "url": "https://files.pythonhosted.org/packages/c4/3e/0ed7947f13482152241e7de0d992bbac4e4ccb5419a75ee04ccab45c91b3/simsimd-4.3.1-cp310-cp310-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "2aa17d27a7fd1abfbd1f40ad66e105dbe9a3fd738b3faf134c5ac228e6e5aecf",
                "md5": "eb29f3c467af199a390efe656a57e317",
                "sha256": "a6568c32c5e339470071d4382a9a125fac2ff871ca925bbf5bd0cd122caac791"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "eb29f3c467af199a390efe656a57e317",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 37102,
            "upload_time": "2024-04-10T19:33:22",
            "upload_time_iso_8601": "2024-04-10T19:33:22.528482Z",
            "url": "https://files.pythonhosted.org/packages/2a/a1/7d27a7fd1abfbd1f40ad66e105dbe9a3fd738b3faf134c5ac228e6e5aecf/simsimd-4.3.1-cp310-cp310-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "681476f65b0af9c813c970ca33bcee1ed7a77f96d86f4b9e4862e3915f225340",
                "md5": "db9e4bf0c8b05950c773a0dee0e38d9f",
                "sha256": "5447a92ea7d6050f51c10ed5a87384dcc55134d70f0cf5334059a8c43fefcd87"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp310-cp310-win_arm64.whl",
            "has_sig": false,
            "md5_digest": "db9e4bf0c8b05950c773a0dee0e38d9f",
            "packagetype": "bdist_wheel",
            "python_version": "cp310",
            "requires_python": null,
            "size": 26390,
            "upload_time": "2024-04-10T19:33:23",
            "upload_time_iso_8601": "2024-04-10T19:33:23.921563Z",
            "url": "https://files.pythonhosted.org/packages/68/14/76f65b0af9c813c970ca33bcee1ed7a77f96d86f4b9e4862e3915f225340/simsimd-4.3.1-cp310-cp310-win_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "9b760409c116ee874f3e422b7a244f2335553061ca4c54d8062e3306d4307cc8",
                "md5": "8c34015515f6360e3c20324e25015e0e",
                "sha256": "561327a2f2d554fb2622cf7b70176687745f3a3c7cdc82184c1776376fe5ed63"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "8c34015515f6360e3c20324e25015e0e",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 63475,
            "upload_time": "2024-04-10T19:33:25",
            "upload_time_iso_8601": "2024-04-10T19:33:25.626565Z",
            "url": "https://files.pythonhosted.org/packages/9b/76/0409c116ee874f3e422b7a244f2335553061ca4c54d8062e3306d4307cc8/simsimd-4.3.1-cp311-cp311-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3665fe2eb93232fefa7a1b88b3bb0037c599cd4d47091f1ae76405d47a4220c1",
                "md5": "42b3500a4bc82400d824e50b1d30e21a",
                "sha256": "7be739582b59625046644297ee93ef53b036fffff8765ffcb14ee250e1c8eaca"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "42b3500a4bc82400d824e50b1d30e21a",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 38849,
            "upload_time": "2024-04-10T19:33:27",
            "upload_time_iso_8601": "2024-04-10T19:33:27.667230Z",
            "url": "https://files.pythonhosted.org/packages/36/65/fe2eb93232fefa7a1b88b3bb0037c599cd4d47091f1ae76405d47a4220c1/simsimd-4.3.1-cp311-cp311-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "97abee07e1f2c5835f86c577c080b4f9713521b57eb5ce914241eee274d8157a",
                "md5": "02d3c3a370c271099b45d7f74afa05a5",
                "sha256": "38c7cb08a67f3e2841188c67e6964c57b025608174296db63de78d9fb6046eb8"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-macosx_11_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "02d3c3a370c271099b45d7f74afa05a5",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 38644,
            "upload_time": "2024-04-10T19:33:28",
            "upload_time_iso_8601": "2024-04-10T19:33:28.902192Z",
            "url": "https://files.pythonhosted.org/packages/97/ab/ee07e1f2c5835f86c577c080b4f9713521b57eb5ce914241eee274d8157a/simsimd-4.3.1-cp311-cp311-macosx_11_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "cba78d9afffbd5c311d5646eeca75e50450cca4ed2a0c0233521bbc79c4e5911",
                "md5": "1d29ecfe9007ca249192d6a191ce4ea0",
                "sha256": "25697848d40da92e4a1c63587643db7c81215b36028580ac5664730f7911bcaa"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "1d29ecfe9007ca249192d6a191ce4ea0",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 152192,
            "upload_time": "2024-04-10T19:33:30",
            "upload_time_iso_8601": "2024-04-10T19:33:30.297324Z",
            "url": "https://files.pythonhosted.org/packages/cb/a7/8d9afffbd5c311d5646eeca75e50450cca4ed2a0c0233521bbc79c4e5911/simsimd-4.3.1-cp311-cp311-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "dee60cee1d7df1b4335ef2003e23f11dba00da9588205e8b8e0527a3f1c295bc",
                "md5": "d705b3613cbb2efef5bb7b8269905b77",
                "sha256": "3d437459498158da62b12bcbb41ce5615277fda9b48e9c7e53566109ad407544"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "d705b3613cbb2efef5bb7b8269905b77",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 187934,
            "upload_time": "2024-04-10T19:33:31",
            "upload_time_iso_8601": "2024-04-10T19:33:31.832114Z",
            "url": "https://files.pythonhosted.org/packages/de/e6/0cee1d7df1b4335ef2003e23f11dba00da9588205e8b8e0527a3f1c295bc/simsimd-4.3.1-cp311-cp311-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "ef4a64bf72ab61047c315a533cd25e8987c428f630462a4098ec9294db8a4eb2",
                "md5": "71f3baaadd17462e15fc651ec4dcb8fe",
                "sha256": "1ea3363429a238541c7c56490f584403e408e319e2414ff1c2354302cc6b27da"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "71f3baaadd17462e15fc651ec4dcb8fe",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 154437,
            "upload_time": "2024-04-10T19:33:33",
            "upload_time_iso_8601": "2024-04-10T19:33:33.490280Z",
            "url": "https://files.pythonhosted.org/packages/ef/4a/64bf72ab61047c315a533cd25e8987c428f630462a4098ec9294db8a4eb2/simsimd-4.3.1-cp311-cp311-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "fb4a6ba07fb0605291403c5f007b27cbd260ceda41ea4fba6e823c85d80dbc7f",
                "md5": "41edcba4a51320dc6dc596d1e4686234",
                "sha256": "7b9480f38eedb557d3ece7dff176b16d886ae579ebcba6d6d6bf97789ea35205"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "41edcba4a51320dc6dc596d1e4686234",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 254348,
            "upload_time": "2024-04-10T19:33:35",
            "upload_time_iso_8601": "2024-04-10T19:33:35.864740Z",
            "url": "https://files.pythonhosted.org/packages/fb/4a/6ba07fb0605291403c5f007b27cbd260ceda41ea4fba6e823c85d80dbc7f/simsimd-4.3.1-cp311-cp311-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3f228f3703f004e862d92353c2856db323199541e2cfb1e1454a8fd783f05711",
                "md5": "32016989845dccb17db3d23f4bf6374e",
                "sha256": "773cbf1c3e5f8f77d3171051255b5d10a3add7dcf7ec00e2efda587350b72e72"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "32016989845dccb17db3d23f4bf6374e",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 382355,
            "upload_time": "2024-04-10T19:33:37",
            "upload_time_iso_8601": "2024-04-10T19:33:37.703356Z",
            "url": "https://files.pythonhosted.org/packages/3f/22/8f3703f004e862d92353c2856db323199541e2cfb1e1454a8fd783f05711/simsimd-4.3.1-cp311-cp311-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "63b52d18ace93d32ccb8edae737ef82fdffbe8ff1ee9744ea5ed228619861149",
                "md5": "dca56cc37ca16b8648e32e22cf6cc457",
                "sha256": "35418cbf47af8ee17ea98be438c89629f52030f26eb18801ff7f6de4037203c3"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "dca56cc37ca16b8648e32e22cf6cc457",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 161728,
            "upload_time": "2024-04-10T19:33:39",
            "upload_time_iso_8601": "2024-04-10T19:33:39.369401Z",
            "url": "https://files.pythonhosted.org/packages/63/b5/2d18ace93d32ccb8edae737ef82fdffbe8ff1ee9744ea5ed228619861149/simsimd-4.3.1-cp311-cp311-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "0cc116270abafaccef33b3185d9480e5abb0220a39b72bbbdfff210a6347f9d1",
                "md5": "a4e79ef50970a3ccb86dc58d7d82a61a",
                "sha256": "37eb8141f569907e26067dc03464fad6c12d59d4fc12389ebda89aafca4402e8"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "a4e79ef50970a3ccb86dc58d7d82a61a",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 195463,
            "upload_time": "2024-04-10T19:33:41",
            "upload_time_iso_8601": "2024-04-10T19:33:41.323449Z",
            "url": "https://files.pythonhosted.org/packages/0c/c1/16270abafaccef33b3185d9480e5abb0220a39b72bbbdfff210a6347f9d1/simsimd-4.3.1-cp311-cp311-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "29894f89c71e49324ad69cf28b746579e50993bcca3e96c7826ba90d5ba68aab",
                "md5": "cfea375a9ec9532d0900b95e0010a8e6",
                "sha256": "876f9b334dd60334e99f3ecfa6f02b54008d75c34aca9990cbf35aeca7b57c53"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "cfea375a9ec9532d0900b95e0010a8e6",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 169850,
            "upload_time": "2024-04-10T19:33:43",
            "upload_time_iso_8601": "2024-04-10T19:33:43.286044Z",
            "url": "https://files.pythonhosted.org/packages/29/89/4f89c71e49324ad69cf28b746579e50993bcca3e96c7826ba90d5ba68aab/simsimd-4.3.1-cp311-cp311-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5da6fd361355f69750612b14839e854c7aab6d122bacb141948e769b1e309e5e",
                "md5": "53b580385d2dfb016e0d56c4be91cceb",
                "sha256": "d01454046ffa10ab45876372e8924fe7cdd61e54993f99db2b0c3ba8a8548701"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "53b580385d2dfb016e0d56c4be91cceb",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 273953,
            "upload_time": "2024-04-10T19:33:45",
            "upload_time_iso_8601": "2024-04-10T19:33:45.464294Z",
            "url": "https://files.pythonhosted.org/packages/5d/a6/fd361355f69750612b14839e854c7aab6d122bacb141948e769b1e309e5e/simsimd-4.3.1-cp311-cp311-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c256ef2107f9af6d057fb43fa53222d7fea43faeb4b1420a1fd4616b7f352054",
                "md5": "144c73a86273b6811f002f676841adf5",
                "sha256": "abc11653df3134dcb6c5526854cc545243ba71d4826dc5bcbef22502929a0146"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "144c73a86273b6811f002f676841adf5",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 292375,
            "upload_time": "2024-04-10T19:33:47",
            "upload_time_iso_8601": "2024-04-10T19:33:47.693959Z",
            "url": "https://files.pythonhosted.org/packages/c2/56/ef2107f9af6d057fb43fa53222d7fea43faeb4b1420a1fd4616b7f352054/simsimd-4.3.1-cp311-cp311-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "f94b8047e5b2a471cb15b62d7676067f8d45a37b5d6addead69c8af5290a1a22",
                "md5": "be78cb8a907b08ac87d0cf85849ca29c",
                "sha256": "46d5c7c5c1a1fb29a02c722f0c1e40068c40aa0e86a0b815f13ba628763fa1a5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-win32.whl",
            "has_sig": false,
            "md5_digest": "be78cb8a907b08ac87d0cf85849ca29c",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 27534,
            "upload_time": "2024-04-10T19:33:49",
            "upload_time_iso_8601": "2024-04-10T19:33:49.167521Z",
            "url": "https://files.pythonhosted.org/packages/f9/4b/8047e5b2a471cb15b62d7676067f8d45a37b5d6addead69c8af5290a1a22/simsimd-4.3.1-cp311-cp311-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3b00bf0c10f5175f9252982c54720fbce4e44cfdb17ffb574cbdf95ef066059a",
                "md5": "294418383973ac255073f02011c11dc8",
                "sha256": "75a8fd16ed3741ed5d3b43148eb9220b5d8ee505c118e3efcd3cfdde5814df96"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "294418383973ac255073f02011c11dc8",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 37103,
            "upload_time": "2024-04-10T19:33:50",
            "upload_time_iso_8601": "2024-04-10T19:33:50.659524Z",
            "url": "https://files.pythonhosted.org/packages/3b/00/bf0c10f5175f9252982c54720fbce4e44cfdb17ffb574cbdf95ef066059a/simsimd-4.3.1-cp311-cp311-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "f609db7f02ee33aede7c65a0cd867c06bd420393d990f4e5e5545e5f09972924",
                "md5": "2d5f72ec388c69960ffe0252440ad2b0",
                "sha256": "d31375e088f849e6380c3f9c460a5c670ab6d50244715200049b1772588da424"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp311-cp311-win_arm64.whl",
            "has_sig": false,
            "md5_digest": "2d5f72ec388c69960ffe0252440ad2b0",
            "packagetype": "bdist_wheel",
            "python_version": "cp311",
            "requires_python": null,
            "size": 26387,
            "upload_time": "2024-04-10T19:33:51",
            "upload_time_iso_8601": "2024-04-10T19:33:51.933595Z",
            "url": "https://files.pythonhosted.org/packages/f6/09/db7f02ee33aede7c65a0cd867c06bd420393d990f4e5e5545e5f09972924/simsimd-4.3.1-cp311-cp311-win_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "8b8ec88599820a3655f4c487fd563aa86eb6ac481ae1ff5061e438e47eb6079e",
                "md5": "ddde2cbf8a2233bdbadd0c9536fa28d1",
                "sha256": "3a35be5e13c8205b109a46f9918fd230e93f8ac4daad5909f4c890198322aeb5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "ddde2cbf8a2233bdbadd0c9536fa28d1",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 63531,
            "upload_time": "2024-04-10T19:33:53",
            "upload_time_iso_8601": "2024-04-10T19:33:53.627369Z",
            "url": "https://files.pythonhosted.org/packages/8b/8e/c88599820a3655f4c487fd563aa86eb6ac481ae1ff5061e438e47eb6079e/simsimd-4.3.1-cp312-cp312-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "10213ba646f65505af3d20ff93aa078bb6155df0dd196f6dfdeb8d99cca78bdb",
                "md5": "92adb4611f44e9a8af2af6231f44b9c4",
                "sha256": "fbace3dcc94e92d3b9336f6837675c537ca37e9b89ceabf4baf354fc515b0af3"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "92adb4611f44e9a8af2af6231f44b9c4",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 38903,
            "upload_time": "2024-04-10T19:33:55",
            "upload_time_iso_8601": "2024-04-10T19:33:55.212942Z",
            "url": "https://files.pythonhosted.org/packages/10/21/3ba646f65505af3d20ff93aa078bb6155df0dd196f6dfdeb8d99cca78bdb/simsimd-4.3.1-cp312-cp312-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c39cb18ca326c11a9ea08a6be5712cb4d61c206a64a7213a5dbd2f3933a47012",
                "md5": "9b9662b86aa3f8a1251143ac9b2f356a",
                "sha256": "2400b0c6406d4170fbe400c717128d74adabacf0431bbe9bdfde82eb1b507ba3"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-macosx_11_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "9b9662b86aa3f8a1251143ac9b2f356a",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 38647,
            "upload_time": "2024-04-10T19:33:56",
            "upload_time_iso_8601": "2024-04-10T19:33:56.563651Z",
            "url": "https://files.pythonhosted.org/packages/c3/9c/b18ca326c11a9ea08a6be5712cb4d61c206a64a7213a5dbd2f3933a47012/simsimd-4.3.1-cp312-cp312-macosx_11_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a347c0a94d7aa0d5f5275b2d4ad418ccdbb4106ee9c9f6cf979107f66695ff2b",
                "md5": "f30ce2c6390eab5e9c937124f79c893a",
                "sha256": "f1740b6e09a630780091416d7a478bc33b4bdf528119a18dd115d78c600eb1ae"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "f30ce2c6390eab5e9c937124f79c893a",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 152397,
            "upload_time": "2024-04-10T19:33:58",
            "upload_time_iso_8601": "2024-04-10T19:33:58.142123Z",
            "url": "https://files.pythonhosted.org/packages/a3/47/c0a94d7aa0d5f5275b2d4ad418ccdbb4106ee9c9f6cf979107f66695ff2b/simsimd-4.3.1-cp312-cp312-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c5e15e94fde51cabdc830a88c8723c73725854796f76a85e81f5ee318a5d8781",
                "md5": "f669fd30bde410dbc8a972ddb947e5b5",
                "sha256": "4b09bb68cdf1d6395200c64a4b497ec171b6b8c0df07f6f132c932879b3bedf3"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "f669fd30bde410dbc8a972ddb947e5b5",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 188092,
            "upload_time": "2024-04-10T19:33:59",
            "upload_time_iso_8601": "2024-04-10T19:33:59.812868Z",
            "url": "https://files.pythonhosted.org/packages/c5/e1/5e94fde51cabdc830a88c8723c73725854796f76a85e81f5ee318a5d8781/simsimd-4.3.1-cp312-cp312-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "76bb886e44eec72a43d8eb10372878a3bb292239defc50b2b15136a8b513adf7",
                "md5": "325139281cfb2b305b4442f77236244b",
                "sha256": "842d4f1c3aaa8057d4aa66c5e4528a2c0269dfea691318f3781da3bc60204d4b"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "325139281cfb2b305b4442f77236244b",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 154718,
            "upload_time": "2024-04-10T19:34:01",
            "upload_time_iso_8601": "2024-04-10T19:34:01.743464Z",
            "url": "https://files.pythonhosted.org/packages/76/bb/886e44eec72a43d8eb10372878a3bb292239defc50b2b15136a8b513adf7/simsimd-4.3.1-cp312-cp312-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "14fadc7b2d2df6b6409c40636d342086cb526c5f9edc232be11e65e610c54043",
                "md5": "4b55c20413c24e9327abebd27d7d7650",
                "sha256": "e44fd207e61bf412a61249471ed7c70b9dc460960fd0b1013de210a484369283"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "4b55c20413c24e9327abebd27d7d7650",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 254478,
            "upload_time": "2024-04-10T19:34:04",
            "upload_time_iso_8601": "2024-04-10T19:34:04.027726Z",
            "url": "https://files.pythonhosted.org/packages/14/fa/dc7b2d2df6b6409c40636d342086cb526c5f9edc232be11e65e610c54043/simsimd-4.3.1-cp312-cp312-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c3ba937656ea1c442c90f727618c61d1bcbac740b3fa5ae67ddb7ca97568fc40",
                "md5": "28238185cbdb3ef7987992798a959abd",
                "sha256": "cbeb62a0c65a8e33c6de06f087706afa81786e63d07748fea6e655390c03ec24"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "28238185cbdb3ef7987992798a959abd",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 382628,
            "upload_time": "2024-04-10T19:34:05",
            "upload_time_iso_8601": "2024-04-10T19:34:05.711019Z",
            "url": "https://files.pythonhosted.org/packages/c3/ba/937656ea1c442c90f727618c61d1bcbac740b3fa5ae67ddb7ca97568fc40/simsimd-4.3.1-cp312-cp312-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "84882f3e53e9bd3bec49aaa7318dfe24adbfc8fca32e7cb290b294452a52020a",
                "md5": "94ee6877e16205a3c5820473ca2274bf",
                "sha256": "27e61b200ce65e279e206eb0512810f49e58a6f3ff79213e29c72f88cfd45238"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "94ee6877e16205a3c5820473ca2274bf",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 161401,
            "upload_time": "2024-04-10T19:34:07",
            "upload_time_iso_8601": "2024-04-10T19:34:07.356256Z",
            "url": "https://files.pythonhosted.org/packages/84/88/2f3e53e9bd3bec49aaa7318dfe24adbfc8fca32e7cb290b294452a52020a/simsimd-4.3.1-cp312-cp312-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "134cf51b17a4f57058ab6d36ff031f66ebe25e69cda3ab512782285ee90536b5",
                "md5": "e39d59d48b876ef3e1e1135da56256cc",
                "sha256": "4b0cbea79443bc567937e3e05cc564e51d2eb5cf6373b9b65ded9ad8aef26fa5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "e39d59d48b876ef3e1e1135da56256cc",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 195171,
            "upload_time": "2024-04-10T19:34:09",
            "upload_time_iso_8601": "2024-04-10T19:34:09.204897Z",
            "url": "https://files.pythonhosted.org/packages/13/4c/f51b17a4f57058ab6d36ff031f66ebe25e69cda3ab512782285ee90536b5/simsimd-4.3.1-cp312-cp312-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1d0e19f6ff08907119099ce84c334a6d96c644229bd69a317f95f7b530b02271",
                "md5": "248e868f41220aa5c1434ae012bc8300",
                "sha256": "30883e069590ea717c6b616662e74a6a88fe7978e9831422c3470f314c1fc635"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "248e868f41220aa5c1434ae012bc8300",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 169554,
            "upload_time": "2024-04-10T19:34:11",
            "upload_time_iso_8601": "2024-04-10T19:34:11.770264Z",
            "url": "https://files.pythonhosted.org/packages/1d/0e/19f6ff08907119099ce84c334a6d96c644229bd69a317f95f7b530b02271/simsimd-4.3.1-cp312-cp312-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "31def768eb6d4390f3301b130e4999c925d5e33cbece3b9fc381725efdf27f04",
                "md5": "4a672aa2ea93e71156798fa1487fe5a0",
                "sha256": "d6ba76dda2cdfcadce36048086bf80e3702c5fe527cc05e741adbe0d6c9cb199"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "4a672aa2ea93e71156798fa1487fe5a0",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 274111,
            "upload_time": "2024-04-10T19:34:13",
            "upload_time_iso_8601": "2024-04-10T19:34:13.359333Z",
            "url": "https://files.pythonhosted.org/packages/31/de/f768eb6d4390f3301b130e4999c925d5e33cbece3b9fc381725efdf27f04/simsimd-4.3.1-cp312-cp312-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "8c6ba45d84a8cc80056228e43bf6bfba8313263bdd1d2d4e5f6305b46b800d52",
                "md5": "aa1cdce9cf2c2bc77fc190948cfafed9",
                "sha256": "487df95563ec31aa69c3023f8efecdd62511f4fe1b91f264154d66df1202bfff"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "aa1cdce9cf2c2bc77fc190948cfafed9",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 292636,
            "upload_time": "2024-04-10T19:34:15",
            "upload_time_iso_8601": "2024-04-10T19:34:15.423813Z",
            "url": "https://files.pythonhosted.org/packages/8c/6b/a45d84a8cc80056228e43bf6bfba8313263bdd1d2d4e5f6305b46b800d52/simsimd-4.3.1-cp312-cp312-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c0314dbb01b166641600001dd2dbbc2d8ab2613bfb439f159478f87d98844f3e",
                "md5": "49cce0119820dcfc4bef9db754b66b72",
                "sha256": "b781486486851e29e7034151e1d8ce7994fbcfba7927450304c4ae1022384aa8"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-win32.whl",
            "has_sig": false,
            "md5_digest": "49cce0119820dcfc4bef9db754b66b72",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 27578,
            "upload_time": "2024-04-10T19:34:17",
            "upload_time_iso_8601": "2024-04-10T19:34:17.800969Z",
            "url": "https://files.pythonhosted.org/packages/c0/31/4dbb01b166641600001dd2dbbc2d8ab2613bfb439f159478f87d98844f3e/simsimd-4.3.1-cp312-cp312-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "182db31d0c11588e9ce009affab3ff4d6eed093fbc0d89e64c58189812ab2fb2",
                "md5": "dac2ff57d41cc0b5e917a89f06d42a82",
                "sha256": "872966082b39d6a67e80a3758fab53d590f8f39ecdc2b6a4a61bc9e8bb048aa7"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "dac2ff57d41cc0b5e917a89f06d42a82",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 37204,
            "upload_time": "2024-04-10T19:34:19",
            "upload_time_iso_8601": "2024-04-10T19:34:19.286393Z",
            "url": "https://files.pythonhosted.org/packages/18/2d/b31d0c11588e9ce009affab3ff4d6eed093fbc0d89e64c58189812ab2fb2/simsimd-4.3.1-cp312-cp312-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "baaab57ff2514450949bacea72aff99952c4f4df81391ff3e8f5841d13f6e238",
                "md5": "c996aa8dab94617aace1f8dab24b7a47",
                "sha256": "91efe533afee774c3d3af18aa169650d24d617e549192e0a1c471fb6f9366f2f"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp312-cp312-win_arm64.whl",
            "has_sig": false,
            "md5_digest": "c996aa8dab94617aace1f8dab24b7a47",
            "packagetype": "bdist_wheel",
            "python_version": "cp312",
            "requires_python": null,
            "size": 26410,
            "upload_time": "2024-04-10T19:34:20",
            "upload_time_iso_8601": "2024-04-10T19:34:20.638353Z",
            "url": "https://files.pythonhosted.org/packages/ba/aa/b57ff2514450949bacea72aff99952c4f4df81391ff3e8f5841d13f6e238/simsimd-4.3.1-cp312-cp312-win_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "2ff624b29e5f835cd129dfca6f1dd2bc6171301c873599c001c87f3e831d3770",
                "md5": "45e74b8793f2a6cf7bf67922770ada23",
                "sha256": "adfae1bdc8d391d85705d5c57dfb395539b11d6705cfa649db9b7a9b8f44e86c"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "45e74b8793f2a6cf7bf67922770ada23",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 38669,
            "upload_time": "2024-04-10T19:34:22",
            "upload_time_iso_8601": "2024-04-10T19:34:22.289763Z",
            "url": "https://files.pythonhosted.org/packages/2f/f6/24b29e5f835cd129dfca6f1dd2bc6171301c873599c001c87f3e831d3770/simsimd-4.3.1-cp36-cp36m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "0174acf3dd0730067033d14ce0ccfe65c354d0d9e7c8091b1d2c7ed75df1cf0b",
                "md5": "0180731ce2d0cbfff9368dc4133bd8fb",
                "sha256": "cc396c95cfba93fe3dfc00a446785e84ea0c43b153dd087a32406edb112db782"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "0180731ce2d0cbfff9368dc4133bd8fb",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 153658,
            "upload_time": "2024-04-10T19:34:23",
            "upload_time_iso_8601": "2024-04-10T19:34:23.780958Z",
            "url": "https://files.pythonhosted.org/packages/01/74/acf3dd0730067033d14ce0ccfe65c354d0d9e7c8091b1d2c7ed75df1cf0b/simsimd-4.3.1-cp36-cp36m-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c56bce582d6c548d622575481a2eb90174e7c78f9b3ee26edb11f43e4318a346",
                "md5": "a7571e5b2b0f29263894da6ba851986b",
                "sha256": "74355cb1123f278fd58aa4f2ee85affcb223e2bf437262aecbc050ce82bc1c17"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "a7571e5b2b0f29263894da6ba851986b",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 196370,
            "upload_time": "2024-04-10T19:34:25",
            "upload_time_iso_8601": "2024-04-10T19:34:25.650952Z",
            "url": "https://files.pythonhosted.org/packages/c5/6b/ce582d6c548d622575481a2eb90174e7c78f9b3ee26edb11f43e4318a346/simsimd-4.3.1-cp36-cp36m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "61db7f16cd659ccc56f69221f7f3e9b93f6bce8600a6fdf764317543d0401aca",
                "md5": "819cdd9e2c34b2da36e7234ed7ca2891",
                "sha256": "94ee9ddaa8d52207d7f26e86d30f9857798450d94a5e0411adcf229dadffcf17"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "819cdd9e2c34b2da36e7234ed7ca2891",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 154159,
            "upload_time": "2024-04-10T19:34:27",
            "upload_time_iso_8601": "2024-04-10T19:34:27.331108Z",
            "url": "https://files.pythonhosted.org/packages/61/db/7f16cd659ccc56f69221f7f3e9b93f6bce8600a6fdf764317543d0401aca/simsimd-4.3.1-cp36-cp36m-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3020f601b31f9c528cbd08e47c5e0270a4332344d7a66be75c74a354fb640e45",
                "md5": "763689f57fbc6621d41031594c74e52e",
                "sha256": "808a85f8383a6b70741cd2916dbfc23e85a8450f0a2a43e6d4fd7c2efc41e143"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "763689f57fbc6621d41031594c74e52e",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 255976,
            "upload_time": "2024-04-10T19:34:28",
            "upload_time_iso_8601": "2024-04-10T19:34:28.995474Z",
            "url": "https://files.pythonhosted.org/packages/30/20/f601b31f9c528cbd08e47c5e0270a4332344d7a66be75c74a354fb640e45/simsimd-4.3.1-cp36-cp36m-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "9fac76810e98e5ec23ca64a701598a3e7660f35ffd6649e7e4822ceb0aecb4a9",
                "md5": "a284ea99e2ee8021c34b0cb5028b9f41",
                "sha256": "e771afa919fc1886fb8def228200723f713e2db15f83504b7273f5893b4d8979"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "a284ea99e2ee8021c34b0cb5028b9f41",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 382308,
            "upload_time": "2024-04-10T19:34:30",
            "upload_time_iso_8601": "2024-04-10T19:34:30.727253Z",
            "url": "https://files.pythonhosted.org/packages/9f/ac/76810e98e5ec23ca64a701598a3e7660f35ffd6649e7e4822ceb0aecb4a9/simsimd-4.3.1-cp36-cp36m-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "ce1ac71b91552e2d0e511b061efb0a26801a070c4777341b6863c5b9e63127c9",
                "md5": "c8fdbe453752600a84399854837e0a8a",
                "sha256": "49a524f52c91c9633801248fb85475ff6d0690fd50c56f9753804596aca2fe9f"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "c8fdbe453752600a84399854837e0a8a",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 160469,
            "upload_time": "2024-04-10T19:34:32",
            "upload_time_iso_8601": "2024-04-10T19:34:32.927509Z",
            "url": "https://files.pythonhosted.org/packages/ce/1a/c71b91552e2d0e511b061efb0a26801a070c4777341b6863c5b9e63127c9/simsimd-4.3.1-cp36-cp36m-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "7b0eb5b695cf78d33361586a1b3313dd51c41a9142580b79932d8c8aefb623a5",
                "md5": "cb2e2b6d711daace5274eeb2d087fd60",
                "sha256": "d39789aa24f0e3b2f858114b57719b94393259dc2079a261299e083573c725b7"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "cb2e2b6d711daace5274eeb2d087fd60",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 202294,
            "upload_time": "2024-04-10T19:34:34",
            "upload_time_iso_8601": "2024-04-10T19:34:34.584657Z",
            "url": "https://files.pythonhosted.org/packages/7b/0e/b5b695cf78d33361586a1b3313dd51c41a9142580b79932d8c8aefb623a5/simsimd-4.3.1-cp36-cp36m-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "75ea7d146b9abb37d6ecf3897a4510c751e3030f8d04f012bab4431a4ba0b9d7",
                "md5": "7791f712921a936a7c0a97aa90a12118",
                "sha256": "c2248e8e3c712fbdf5428f7b626bca373ed425cdc4330ee2fb4f1b0cfbdf041f"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "7791f712921a936a7c0a97aa90a12118",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 168564,
            "upload_time": "2024-04-10T19:34:36",
            "upload_time_iso_8601": "2024-04-10T19:34:36.484219Z",
            "url": "https://files.pythonhosted.org/packages/75/ea/7d146b9abb37d6ecf3897a4510c751e3030f8d04f012bab4431a4ba0b9d7/simsimd-4.3.1-cp36-cp36m-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e3d2578740c2be99d0f2ed68430c67bbd8d73c75256cee47ed0d18f5a72bee26",
                "md5": "4160d109a4a168d50489dcb5e572eca0",
                "sha256": "817ea55402b074f0c7a62c73680fb658351dbdd8a227386374f464eda0db2c23"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "4160d109a4a168d50489dcb5e572eca0",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 275100,
            "upload_time": "2024-04-10T19:34:38",
            "upload_time_iso_8601": "2024-04-10T19:34:38.219692Z",
            "url": "https://files.pythonhosted.org/packages/e3/d2/578740c2be99d0f2ed68430c67bbd8d73c75256cee47ed0d18f5a72bee26/simsimd-4.3.1-cp36-cp36m-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "2eb0db0a48c0c14eeecb482c7065732cb0158c70428776443a2e3f3ff2e111a8",
                "md5": "5a1fb8231bf2ce2bea871070c5e3de25",
                "sha256": "38caa87333b757796b126035e9295bf6199dfcce68fe4fe0356acc8f9c3f0dc2"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "5a1fb8231bf2ce2bea871070c5e3de25",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 292758,
            "upload_time": "2024-04-10T19:34:39",
            "upload_time_iso_8601": "2024-04-10T19:34:39.908419Z",
            "url": "https://files.pythonhosted.org/packages/2e/b0/db0a48c0c14eeecb482c7065732cb0158c70428776443a2e3f3ff2e111a8/simsimd-4.3.1-cp36-cp36m-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "d2d81f35b4bae6adc02d19d1cafd4d50776a2903dd8128826ce66de932e51e24",
                "md5": "8847bcf610df047b2941f24af4372ca0",
                "sha256": "33ef86fc146040302ca5f4e4b342e463625162f99c3ce96170a8aea5582fa954"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-win32.whl",
            "has_sig": false,
            "md5_digest": "8847bcf610df047b2941f24af4372ca0",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 27491,
            "upload_time": "2024-04-10T19:34:41",
            "upload_time_iso_8601": "2024-04-10T19:34:41.662256Z",
            "url": "https://files.pythonhosted.org/packages/d2/d8/1f35b4bae6adc02d19d1cafd4d50776a2903dd8128826ce66de932e51e24/simsimd-4.3.1-cp36-cp36m-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "f44baa4273f886618279ba0c0c4c5962e65606e86d9724212d4ed53d6df0f32e",
                "md5": "503a804e347def7ab42683d452c2c136",
                "sha256": "ab2deca67e770c4a73d5a4f2a78dd72ae3c27bc0c6156a07fabcd6b6f9bc6dbb"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp36-cp36m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "503a804e347def7ab42683d452c2c136",
            "packagetype": "bdist_wheel",
            "python_version": "cp36",
            "requires_python": null,
            "size": 37098,
            "upload_time": "2024-04-10T19:34:43",
            "upload_time_iso_8601": "2024-04-10T19:34:43.073184Z",
            "url": "https://files.pythonhosted.org/packages/f4/4b/aa4273f886618279ba0c0c4c5962e65606e86d9724212d4ed53d6df0f32e/simsimd-4.3.1-cp36-cp36m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "7afbad2919a6b5a63920083c5c0703b4f8d37aa144bad7de3e809cc71a2e4459",
                "md5": "8e7cd1e48f33509f31bb6012041b1398",
                "sha256": "5e2e650fd7168e7189ca8591495df63add305e2050010418a5f7330714b9e885"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "8e7cd1e48f33509f31bb6012041b1398",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 38761,
            "upload_time": "2024-04-10T19:34:44",
            "upload_time_iso_8601": "2024-04-10T19:34:44.555471Z",
            "url": "https://files.pythonhosted.org/packages/7a/fb/ad2919a6b5a63920083c5c0703b4f8d37aa144bad7de3e809cc71a2e4459/simsimd-4.3.1-cp37-cp37m-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "25a3e9615fa98bf60df4f9ffe212063fcc0472c05de054887cda0d372ecbabb8",
                "md5": "17820ac16db266556f944f39b94f0ee0",
                "sha256": "cd41805226d1376855186954adb674065fe6d73af7f2ace16bbb051a1020b8a0"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "17820ac16db266556f944f39b94f0ee0",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 151831,
            "upload_time": "2024-04-10T19:34:46",
            "upload_time_iso_8601": "2024-04-10T19:34:46.321024Z",
            "url": "https://files.pythonhosted.org/packages/25/a3/e9615fa98bf60df4f9ffe212063fcc0472c05de054887cda0d372ecbabb8/simsimd-4.3.1-cp37-cp37m-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "056fff6744870a8cc2cdf5739475d185b08eb10cd0996f6429a938d57b168e10",
                "md5": "d7aa83e047b2d4b1cab17fed148b7a6f",
                "sha256": "caa64290c32a4255aacb6179c8791f3dcdf4d77cd2534055385326fa61afc77f"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "d7aa83e047b2d4b1cab17fed148b7a6f",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 187534,
            "upload_time": "2024-04-10T19:34:48",
            "upload_time_iso_8601": "2024-04-10T19:34:48.254134Z",
            "url": "https://files.pythonhosted.org/packages/05/6f/ff6744870a8cc2cdf5739475d185b08eb10cd0996f6429a938d57b168e10/simsimd-4.3.1-cp37-cp37m-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5b165e47cc23e8fb9bd78afdd19e368c6ab588aaa7f5ab82e094cae0d879eacd",
                "md5": "0ce6e1e20dfe28d3921b2e407cc60922",
                "sha256": "fc8830b14e908154299e35602bcb71970402afa6c6abd6e278cb1db3d52f3790"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "0ce6e1e20dfe28d3921b2e407cc60922",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 154093,
            "upload_time": "2024-04-10T19:34:50",
            "upload_time_iso_8601": "2024-04-10T19:34:50.620011Z",
            "url": "https://files.pythonhosted.org/packages/5b/16/5e47cc23e8fb9bd78afdd19e368c6ab588aaa7f5ab82e094cae0d879eacd/simsimd-4.3.1-cp37-cp37m-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "0a405c389133730e9d85691d8c0099977d78a2fc341dfae75e01dabd4ed4554f",
                "md5": "81b5929cbe8769d0b0af97bd7c3cca64",
                "sha256": "25d931c61ebc24ddcabeb38d5fa079d44bd1d9803f6e959b3d4996bda85162af"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "81b5929cbe8769d0b0af97bd7c3cca64",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 254010,
            "upload_time": "2024-04-10T19:34:53",
            "upload_time_iso_8601": "2024-04-10T19:34:53.116355Z",
            "url": "https://files.pythonhosted.org/packages/0a/40/5c389133730e9d85691d8c0099977d78a2fc341dfae75e01dabd4ed4554f/simsimd-4.3.1-cp37-cp37m-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "080ab67fc296481eb1e0b6f9b4542fd5126f46dedb825cdb65c266f9505504f5",
                "md5": "eab677faba0ede432295d190a4ba34c2",
                "sha256": "77c5af19d6163c8946ff41ddc6e0e44f4a7b1a53a9a694a34054c6bdb3842bf5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "eab677faba0ede432295d190a4ba34c2",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 382022,
            "upload_time": "2024-04-10T19:34:55",
            "upload_time_iso_8601": "2024-04-10T19:34:55.157133Z",
            "url": "https://files.pythonhosted.org/packages/08/0a/b67fc296481eb1e0b6f9b4542fd5126f46dedb825cdb65c266f9505504f5/simsimd-4.3.1-cp37-cp37m-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "7ab9e837a448564c143a3035c3e983c0d27bbd77b591281181ee6c372b1bc176",
                "md5": "b17aadc1f5e16766fec4fbde17fc0244",
                "sha256": "2f44bbe06e5d8e520f08a9e3f45f6e3612e6ac5638cbd50330cd6134150d3e97"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "b17aadc1f5e16766fec4fbde17fc0244",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 161227,
            "upload_time": "2024-04-10T19:34:57",
            "upload_time_iso_8601": "2024-04-10T19:34:57.581526Z",
            "url": "https://files.pythonhosted.org/packages/7a/b9/e837a448564c143a3035c3e983c0d27bbd77b591281181ee6c372b1bc176/simsimd-4.3.1-cp37-cp37m-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "d886cf176d7475f2af9aa187cd51f881f841645c7e33c34f4594aa5c64fcba23",
                "md5": "a5464ab33fc7747cd0f5af5d3f36e46b",
                "sha256": "c070cfc2d3d29502b4bcdc19f6d650d5de3554aa284063eee20b66c4f344d456"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "a5464ab33fc7747cd0f5af5d3f36e46b",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 194794,
            "upload_time": "2024-04-10T19:34:59",
            "upload_time_iso_8601": "2024-04-10T19:34:59.300267Z",
            "url": "https://files.pythonhosted.org/packages/d8/86/cf176d7475f2af9aa187cd51f881f841645c7e33c34f4594aa5c64fcba23/simsimd-4.3.1-cp37-cp37m-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "2fe47e395c0fa457af2b13812825112e70b5d298e0915542438c118360261478",
                "md5": "9750a71ceb8f3dc0b2c901e8d2116d64",
                "sha256": "49eea7bd8b3b5980a29dd5f58a018ab37c37065bf3ea6c6a890133b88b40cc4c"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "9750a71ceb8f3dc0b2c901e8d2116d64",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 169340,
            "upload_time": "2024-04-10T19:35:01",
            "upload_time_iso_8601": "2024-04-10T19:35:01.181037Z",
            "url": "https://files.pythonhosted.org/packages/2f/e4/7e395c0fa457af2b13812825112e70b5d298e0915542438c118360261478/simsimd-4.3.1-cp37-cp37m-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "ce11eebc0bd3cb0bd9f8b999939f0e621b4ea9463a54b47dd651244d3b325519",
                "md5": "aca9156ad1ed5b89cc2cf491ecf7ae5c",
                "sha256": "cf1622409f45a9fd9bdaf39080821d7192a29452a10ee1a2192f54cd9aac3102"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "aca9156ad1ed5b89cc2cf491ecf7ae5c",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 273059,
            "upload_time": "2024-04-10T19:35:04",
            "upload_time_iso_8601": "2024-04-10T19:35:04.247421Z",
            "url": "https://files.pythonhosted.org/packages/ce/11/eebc0bd3cb0bd9f8b999939f0e621b4ea9463a54b47dd651244d3b325519/simsimd-4.3.1-cp37-cp37m-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "30495b02baa65e829273a55afb94a24c926bd1de4635edd1131c0735892a1ebe",
                "md5": "e102429c643a18e9299c9522d43cd055",
                "sha256": "c42013708bf72d8188d57ed04fe983d16113af58210b574d42f2e6ccb5d8f9f5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "e102429c643a18e9299c9522d43cd055",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 291564,
            "upload_time": "2024-04-10T19:35:06",
            "upload_time_iso_8601": "2024-04-10T19:35:06.475317Z",
            "url": "https://files.pythonhosted.org/packages/30/49/5b02baa65e829273a55afb94a24c926bd1de4635edd1131c0735892a1ebe/simsimd-4.3.1-cp37-cp37m-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "07a4b1abe3bf395443d2021f419a386d5edc3116c51a9cc03442831fbc3d2c07",
                "md5": "2c30025635d9d6f679e3fca6ffb445ed",
                "sha256": "c07e5b7e16fa0435603db54f2004f40fbfbb21ee057354760d80a7384d276168"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-win32.whl",
            "has_sig": false,
            "md5_digest": "2c30025635d9d6f679e3fca6ffb445ed",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 27505,
            "upload_time": "2024-04-10T19:35:08",
            "upload_time_iso_8601": "2024-04-10T19:35:08.490973Z",
            "url": "https://files.pythonhosted.org/packages/07/a4/b1abe3bf395443d2021f419a386d5edc3116c51a9cc03442831fbc3d2c07/simsimd-4.3.1-cp37-cp37m-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "cfa9fafbc2b12f4cb74675c010a358e9cca8ffe5cb1c73e19287f8664471c7a2",
                "md5": "33c0430a920c139d6183103833992baf",
                "sha256": "d8dc7bee48a2cea4b3025e7391a33c2339e90c7620d6830e9d01699ad577d552"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp37-cp37m-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "33c0430a920c139d6183103833992baf",
            "packagetype": "bdist_wheel",
            "python_version": "cp37",
            "requires_python": null,
            "size": 37097,
            "upload_time": "2024-04-10T19:35:09",
            "upload_time_iso_8601": "2024-04-10T19:35:09.933057Z",
            "url": "https://files.pythonhosted.org/packages/cf/a9/fafbc2b12f4cb74675c010a358e9cca8ffe5cb1c73e19287f8664471c7a2/simsimd-4.3.1-cp37-cp37m-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "82009c9427780b1790a3ea4fc425bd9298644d975e00b677e939e3c4e9b165ba",
                "md5": "aa6d583aaa5dbc8b7bafb254eab091b2",
                "sha256": "64e69afdd176617d04173056a88bfb312390ba197494de87b2c2ff1f81f6b40b"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "aa6d583aaa5dbc8b7bafb254eab091b2",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 63463,
            "upload_time": "2024-04-10T19:35:12",
            "upload_time_iso_8601": "2024-04-10T19:35:12.104723Z",
            "url": "https://files.pythonhosted.org/packages/82/00/9c9427780b1790a3ea4fc425bd9298644d975e00b677e939e3c4e9b165ba/simsimd-4.3.1-cp38-cp38-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1b53fb90249e2fb94dce4ad85f56e51f472bcaed552945376b7e2d16d1204884",
                "md5": "fb0d6c2cd661964766f42395b5a977af",
                "sha256": "98c54a60a992ae5f4a4a4cbe9918bb6fd286d0f37f42a255158d9b15cc8270ed"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "fb0d6c2cd661964766f42395b5a977af",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 38840,
            "upload_time": "2024-04-10T19:35:13",
            "upload_time_iso_8601": "2024-04-10T19:35:13.629116Z",
            "url": "https://files.pythonhosted.org/packages/1b/53/fb90249e2fb94dce4ad85f56e51f472bcaed552945376b7e2d16d1204884/simsimd-4.3.1-cp38-cp38-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e11752339a01679672d7a280a8bac7187b1cc1690ed4a601b66877e3eb8a1b36",
                "md5": "adeaea6d2d34a1ccece1c5d0ff30400c",
                "sha256": "c9f574d666dc2427ea2a0580ce7c1cbffdff084626700fa038d203d92f54ebc0"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-macosx_11_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "adeaea6d2d34a1ccece1c5d0ff30400c",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 38639,
            "upload_time": "2024-04-10T19:35:15",
            "upload_time_iso_8601": "2024-04-10T19:35:15.229806Z",
            "url": "https://files.pythonhosted.org/packages/e1/17/52339a01679672d7a280a8bac7187b1cc1690ed4a601b66877e3eb8a1b36/simsimd-4.3.1-cp38-cp38-macosx_11_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "84cc6e1ab003d47ed11131272067b6494e7a48a4a259c43593ca32599b96b79a",
                "md5": "a0a455af3b72436861334923affb4b6a",
                "sha256": "be952737bf8068af8156e0e543621f1e11aa0707814e9e2e2a0437f69ef8ab3a"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "a0a455af3b72436861334923affb4b6a",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 152318,
            "upload_time": "2024-04-10T19:35:17",
            "upload_time_iso_8601": "2024-04-10T19:35:17.239401Z",
            "url": "https://files.pythonhosted.org/packages/84/cc/6e1ab003d47ed11131272067b6494e7a48a4a259c43593ca32599b96b79a/simsimd-4.3.1-cp38-cp38-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "ffd1dc5feb3c9526fc9c11286de6926f4ea4f2466cf7431e892a94379cfd1bbb",
                "md5": "e85fb8fe5f3d353c3223842d57d87061",
                "sha256": "3306a66e8a7747e6ff134e8fa57763de5bbb6b27964eaf7e6f5558892c9cfab9"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "e85fb8fe5f3d353c3223842d57d87061",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 188026,
            "upload_time": "2024-04-10T19:35:19",
            "upload_time_iso_8601": "2024-04-10T19:35:19.966674Z",
            "url": "https://files.pythonhosted.org/packages/ff/d1/dc5feb3c9526fc9c11286de6926f4ea4f2466cf7431e892a94379cfd1bbb/simsimd-4.3.1-cp38-cp38-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "bf9f110de0ed7939390b4ee012dc9c74ebb56e32338ddf4f03129f259fca43f0",
                "md5": "46af8d874dee0869eb8446049bca5b27",
                "sha256": "7a79e60aca578be5eedb8432a0aeecf0c795b9d58ced86fad94d0df2e187755b"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "46af8d874dee0869eb8446049bca5b27",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 154597,
            "upload_time": "2024-04-10T19:35:21",
            "upload_time_iso_8601": "2024-04-10T19:35:21.728870Z",
            "url": "https://files.pythonhosted.org/packages/bf/9f/110de0ed7939390b4ee012dc9c74ebb56e32338ddf4f03129f259fca43f0/simsimd-4.3.1-cp38-cp38-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a6ec7a973b5c85ae7723d7757c201b70e38b287112bd5e76d3f05678136f5267",
                "md5": "11f11c040b309af079c503510fbf7049",
                "sha256": "10a4c11dcf03faf0b3fa2b555b1efdf2a601fc8352068afa82fad053337bbc1e"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "11f11c040b309af079c503510fbf7049",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 254513,
            "upload_time": "2024-04-10T19:35:24",
            "upload_time_iso_8601": "2024-04-10T19:35:24.151884Z",
            "url": "https://files.pythonhosted.org/packages/a6/ec/7a973b5c85ae7723d7757c201b70e38b287112bd5e76d3f05678136f5267/simsimd-4.3.1-cp38-cp38-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a393864fee29331a45ce1bf1afbaf51332177497d4fa29a579ae72a14256c990",
                "md5": "9870a20e13be1052e5a88b8e9ddf4d66",
                "sha256": "62ec20b85a680a6087c4a7d2fcdcbd7542bb8e6f250b48225cfa9e4d56f9839b"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "9870a20e13be1052e5a88b8e9ddf4d66",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 382549,
            "upload_time": "2024-04-10T19:35:25",
            "upload_time_iso_8601": "2024-04-10T19:35:25.923467Z",
            "url": "https://files.pythonhosted.org/packages/a3/93/864fee29331a45ce1bf1afbaf51332177497d4fa29a579ae72a14256c990/simsimd-4.3.1-cp38-cp38-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "31caeb24cde1d22b24bb48ce1cb18f66c052ab5d3bb8bdf864f5eebf7b207559",
                "md5": "c6f4642bf0b50286ef2ec8943c2ae12c",
                "sha256": "b9d15a471d617b01153e2449aab4cb25d88ecbe09838925011124f1a52f4da08"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "c6f4642bf0b50286ef2ec8943c2ae12c",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 160675,
            "upload_time": "2024-04-10T19:35:27",
            "upload_time_iso_8601": "2024-04-10T19:35:27.878220Z",
            "url": "https://files.pythonhosted.org/packages/31/ca/eb24cde1d22b24bb48ce1cb18f66c052ab5d3bb8bdf864f5eebf7b207559/simsimd-4.3.1-cp38-cp38-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "f9f78451762adc28dfff447c4bba410a72c9bdf66931b667bf1cf57c9f8df6c5",
                "md5": "a5ba77896ea15fffe398d0aacccdf88f",
                "sha256": "3fbe2b923c4cd81538d291a7efdb1375b2e7d5abca0d553d42e9ce4b8165c140"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "a5ba77896ea15fffe398d0aacccdf88f",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 194358,
            "upload_time": "2024-04-10T19:35:29",
            "upload_time_iso_8601": "2024-04-10T19:35:29.917492Z",
            "url": "https://files.pythonhosted.org/packages/f9/f7/8451762adc28dfff447c4bba410a72c9bdf66931b667bf1cf57c9f8df6c5/simsimd-4.3.1-cp38-cp38-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5c41c269fa074fc1fb4e3564d2cd35ba00899c8d97ece3d6b98af0156d2dc4e3",
                "md5": "3d3003b8068075828ec86fdd8c58c866",
                "sha256": "1766f62c2a1359d07068fbfe9fe85afc43fbc99fd01c61b8b37b78ebb77e36c6"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "3d3003b8068075828ec86fdd8c58c866",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 168752,
            "upload_time": "2024-04-10T19:35:31",
            "upload_time_iso_8601": "2024-04-10T19:35:31.864165Z",
            "url": "https://files.pythonhosted.org/packages/5c/41/c269fa074fc1fb4e3564d2cd35ba00899c8d97ece3d6b98af0156d2dc4e3/simsimd-4.3.1-cp38-cp38-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "c856fa4cceb4e1925a719ea3bc76c40c19f2546763b9adc71a8ae0501534b24a",
                "md5": "fa09cf439cbc9d814dbf8afe8eb73679",
                "sha256": "790c2caf6e46537ff54d7bab48845e56cc40f5fdac17c254885e15fd829de9ae"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "fa09cf439cbc9d814dbf8afe8eb73679",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 273641,
            "upload_time": "2024-04-10T19:35:34",
            "upload_time_iso_8601": "2024-04-10T19:35:34.759732Z",
            "url": "https://files.pythonhosted.org/packages/c8/56/fa4cceb4e1925a719ea3bc76c40c19f2546763b9adc71a8ae0501534b24a/simsimd-4.3.1-cp38-cp38-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3f49de684438a0013ac34f0ddb63d62def64a1e4bed0b6d651b31f0e168b6769",
                "md5": "f0114787cb65b8885bdf5647108368be",
                "sha256": "d7f6aa01c401d768f287c16e1c934e271827d47c853f1bac1e90a0948dea5c71"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "f0114787cb65b8885bdf5647108368be",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 292067,
            "upload_time": "2024-04-10T19:35:36",
            "upload_time_iso_8601": "2024-04-10T19:35:36.955673Z",
            "url": "https://files.pythonhosted.org/packages/3f/49/de684438a0013ac34f0ddb63d62def64a1e4bed0b6d651b31f0e168b6769/simsimd-4.3.1-cp38-cp38-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "88d3f27a9b168dbbe9952fee7fa4eb05c27bc01eab340cf6065579d093786cf4",
                "md5": "d65aed50a40e87c5f7f3dd19fa3dc57c",
                "sha256": "8329586d57deab8ef3b2637640be1ef19e109a318c2820441ea8d0e89e5fc804"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-win32.whl",
            "has_sig": false,
            "md5_digest": "d65aed50a40e87c5f7f3dd19fa3dc57c",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 27524,
            "upload_time": "2024-04-10T19:35:38",
            "upload_time_iso_8601": "2024-04-10T19:35:38.939257Z",
            "url": "https://files.pythonhosted.org/packages/88/d3/f27a9b168dbbe9952fee7fa4eb05c27bc01eab340cf6065579d093786cf4/simsimd-4.3.1-cp38-cp38-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "abc57eaf2458938a2ab90ce15780d465e026e67d91074ae74104536ae01aaddb",
                "md5": "aa9b2344b63110a02b003d60b0f5f8fd",
                "sha256": "c08e05f2632accdbd142cce6c9ee158d5edfea00b2e2f9b18a3e706f8b263e09"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp38-cp38-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "aa9b2344b63110a02b003d60b0f5f8fd",
            "packagetype": "bdist_wheel",
            "python_version": "cp38",
            "requires_python": null,
            "size": 37089,
            "upload_time": "2024-04-10T19:35:40",
            "upload_time_iso_8601": "2024-04-10T19:35:40.709448Z",
            "url": "https://files.pythonhosted.org/packages/ab/c5/7eaf2458938a2ab90ce15780d465e026e67d91074ae74104536ae01aaddb/simsimd-4.3.1-cp38-cp38-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "f799558e2951c8ae21fd78701bf815faae563e10bde8ec40791d7857427cc26f",
                "md5": "46b25eebd2b2e1adc99f7f406adb66f2",
                "sha256": "3fae3e2099f0877ba144503c08e730f9531534376a6f94b101bffe6600fa5489"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-macosx_10_9_universal2.whl",
            "has_sig": false,
            "md5_digest": "46b25eebd2b2e1adc99f7f406adb66f2",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 63468,
            "upload_time": "2024-04-10T19:35:42",
            "upload_time_iso_8601": "2024-04-10T19:35:42.352269Z",
            "url": "https://files.pythonhosted.org/packages/f7/99/558e2951c8ae21fd78701bf815faae563e10bde8ec40791d7857427cc26f/simsimd-4.3.1-cp39-cp39-macosx_10_9_universal2.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "af170ff795454d01e9101e1bea7402782aef0fc3299be183168f1d66fe9dbfb9",
                "md5": "b93f1544b9fb9d1486677a83318b0423",
                "sha256": "657f6c8ea3cb1b291a060ba669b7596a504d2ea579537954fc60360970e83d62"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-macosx_10_9_x86_64.whl",
            "has_sig": false,
            "md5_digest": "b93f1544b9fb9d1486677a83318b0423",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 38841,
            "upload_time": "2024-04-10T19:35:44",
            "upload_time_iso_8601": "2024-04-10T19:35:44.480003Z",
            "url": "https://files.pythonhosted.org/packages/af/17/0ff795454d01e9101e1bea7402782aef0fc3299be183168f1d66fe9dbfb9/simsimd-4.3.1-cp39-cp39-macosx_10_9_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "ac35565742398f6600a499a68fb60dfefd13e58199b1f9729416cdd47cbe6b45",
                "md5": "63feed4a8f57ada8472d74d8cb8c1422",
                "sha256": "3ac719148cb30dcba5292891748ac1135d03b5e2226d521d6759334821c53e7a"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-macosx_11_0_arm64.whl",
            "has_sig": false,
            "md5_digest": "63feed4a8f57ada8472d74d8cb8c1422",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 38640,
            "upload_time": "2024-04-10T19:35:46",
            "upload_time_iso_8601": "2024-04-10T19:35:46.603360Z",
            "url": "https://files.pythonhosted.org/packages/ac/35/565742398f6600a499a68fb60dfefd13e58199b1f9729416cdd47cbe6b45/simsimd-4.3.1-cp39-cp39-macosx_11_0_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "95d007dadd01d7a40994a7aef7c9abe1c95bd1467f0d78508d133c8db16d6c01",
                "md5": "c45b86737d89c649e5ea05220ad71827",
                "sha256": "71b7c7aba9a1ccf5ac282d989bd947e0292527ed9f991ae2de84206737181afa"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl",
            "has_sig": false,
            "md5_digest": "c45b86737d89c649e5ea05220ad71827",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 151849,
            "upload_time": "2024-04-10T19:35:48",
            "upload_time_iso_8601": "2024-04-10T19:35:48.346215Z",
            "url": "https://files.pythonhosted.org/packages/95/d0/07dadd01d7a40994a7aef7c9abe1c95bd1467f0d78508d133c8db16d6c01/simsimd-4.3.1-cp39-cp39-manylinux_2_17_i686.manylinux2014_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "9722be4ee75a8734895c6e02c768cd8419da6821a502bad0f2533f84eb3e43be",
                "md5": "f5cc107661feb9d4c2f74fccf8bdfb82",
                "sha256": "6501e9a5a2af9afbd13f9106c50ba6e8e0864841679d68d961d2058c5b296789"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "f5cc107661feb9d4c2f74fccf8bdfb82",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 187575,
            "upload_time": "2024-04-10T19:35:51",
            "upload_time_iso_8601": "2024-04-10T19:35:51.091867Z",
            "url": "https://files.pythonhosted.org/packages/97/22/be4ee75a8734895c6e02c768cd8419da6821a502bad0f2533f84eb3e43be/simsimd-4.3.1-cp39-cp39-manylinux_2_17_ppc64le.manylinux2014_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "5076eb729b0c7c31aa427b5fac3556f9f2174d70230f1d5c9539d424ab3dfa24",
                "md5": "e07f2e5da236ccdec2569c02e98bdda1",
                "sha256": "fecbe50df7dca409660e721fac972ccccb5474908a110ac1cf078c617c8746a0"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "has_sig": false,
            "md5_digest": "e07f2e5da236ccdec2569c02e98bdda1",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 154147,
            "upload_time": "2024-04-10T19:35:53",
            "upload_time_iso_8601": "2024-04-10T19:35:53.221310Z",
            "url": "https://files.pythonhosted.org/packages/50/76/eb729b0c7c31aa427b5fac3556f9f2174d70230f1d5c9539d424ab3dfa24/simsimd-4.3.1-cp39-cp39-manylinux_2_17_s390x.manylinux2014_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a7f63a3bf0cbc2f989ecf9be4b2b24e8fa497a94a677ed4759a8be8d40e93023",
                "md5": "fdb07e78b099f3cb9797058e5cb83a08",
                "sha256": "cdb34e67a34481641d4fa05c73aba7e554dda2849ad29e694e4e85eca1c40cb5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-manylinux_2_28_aarch64.whl",
            "has_sig": false,
            "md5_digest": "fdb07e78b099f3cb9797058e5cb83a08",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 254077,
            "upload_time": "2024-04-10T19:35:55",
            "upload_time_iso_8601": "2024-04-10T19:35:55.343839Z",
            "url": "https://files.pythonhosted.org/packages/a7/f6/3a3bf0cbc2f989ecf9be4b2b24e8fa497a94a677ed4759a8be8d40e93023/simsimd-4.3.1-cp39-cp39-manylinux_2_28_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1a2bfac0a232dedf773a14c0aeac4ddd743c921dcc7f87e45059f90b916f2e51",
                "md5": "10006bc0ede408fe6c607d7536112503",
                "sha256": "39802460c10cd5bee345b93ce57273ef411c1defe8a560c79ad49e4a37da771a"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-manylinux_2_28_x86_64.whl",
            "has_sig": false,
            "md5_digest": "10006bc0ede408fe6c607d7536112503",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 382046,
            "upload_time": "2024-04-10T19:35:57",
            "upload_time_iso_8601": "2024-04-10T19:35:57.373943Z",
            "url": "https://files.pythonhosted.org/packages/1a/2b/fac0a232dedf773a14c0aeac4ddd743c921dcc7f87e45059f90b916f2e51/simsimd-4.3.1-cp39-cp39-manylinux_2_28_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "a792f822a586346d1ae3b2e0d9eb7860440490c474bb5f7be37b91058c76cca3",
                "md5": "9f00a74650b010dce155e14227f029e0",
                "sha256": "8b92a35b21b6b756851e3353019b3747cee672a20f03641d6b9e6bf6ec519293"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-musllinux_1_1_i686.whl",
            "has_sig": false,
            "md5_digest": "9f00a74650b010dce155e14227f029e0",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 160600,
            "upload_time": "2024-04-10T19:35:59",
            "upload_time_iso_8601": "2024-04-10T19:35:59.219098Z",
            "url": "https://files.pythonhosted.org/packages/a7/92/f822a586346d1ae3b2e0d9eb7860440490c474bb5f7be37b91058c76cca3/simsimd-4.3.1-cp39-cp39-musllinux_1_1_i686.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "835daec9c10fe06c594308e29a8705b55e6412974bcb3002003b030c4496716b",
                "md5": "f2bf7d9243c3bd5df928e3d817a4df3d",
                "sha256": "026c07b10f6768f827389bd00327864ff8e4692dfaf594e727555ede3a1965ce"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-musllinux_1_1_ppc64le.whl",
            "has_sig": false,
            "md5_digest": "f2bf7d9243c3bd5df928e3d817a4df3d",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 194253,
            "upload_time": "2024-04-10T19:36:01",
            "upload_time_iso_8601": "2024-04-10T19:36:01.126762Z",
            "url": "https://files.pythonhosted.org/packages/83/5d/aec9c10fe06c594308e29a8705b55e6412974bcb3002003b030c4496716b/simsimd-4.3.1-cp39-cp39-musllinux_1_1_ppc64le.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "2324d61bdd9dfc87003458d309bdbd97f390691d26bac4fde2c72c62758d87cf",
                "md5": "513d55568872599ea153d661b4b19238",
                "sha256": "930cf301c9233b790c7ec389b94429c36b33e950c483cc728f26434aaf52b5f5"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-musllinux_1_1_s390x.whl",
            "has_sig": false,
            "md5_digest": "513d55568872599ea153d661b4b19238",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 168664,
            "upload_time": "2024-04-10T19:36:04",
            "upload_time_iso_8601": "2024-04-10T19:36:04.161120Z",
            "url": "https://files.pythonhosted.org/packages/23/24/d61bdd9dfc87003458d309bdbd97f390691d26bac4fde2c72c62758d87cf/simsimd-4.3.1-cp39-cp39-musllinux_1_1_s390x.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "932ecfa3f1f4fea26dda81b8a5cc0267848fe579191e5a9d748c3948904b4e7a",
                "md5": "db4e16ddeaa847693ff4e396f8af6678",
                "sha256": "900c08cde5221364add1edc6ea9df097193f2583bf4fd958c3c2c52dade1632c"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-musllinux_1_2_aarch64.whl",
            "has_sig": false,
            "md5_digest": "db4e16ddeaa847693ff4e396f8af6678",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 273695,
            "upload_time": "2024-04-10T19:36:06",
            "upload_time_iso_8601": "2024-04-10T19:36:06.362420Z",
            "url": "https://files.pythonhosted.org/packages/93/2e/cfa3f1f4fea26dda81b8a5cc0267848fe579191e5a9d748c3948904b4e7a/simsimd-4.3.1-cp39-cp39-musllinux_1_2_aarch64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "3de8ff3cede9d3174a2542307267e18b6ffa87e665fee77d04f16bd102a8cb47",
                "md5": "836945cebb9f30edf0d05683c711e7e3",
                "sha256": "d9c1383a631ed12711c403cb764ccb7a84ce528b1de8254e5415f1610b228ae0"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-musllinux_1_2_x86_64.whl",
            "has_sig": false,
            "md5_digest": "836945cebb9f30edf0d05683c711e7e3",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 292084,
            "upload_time": "2024-04-10T19:36:08",
            "upload_time_iso_8601": "2024-04-10T19:36:08.939505Z",
            "url": "https://files.pythonhosted.org/packages/3d/e8/ff3cede9d3174a2542307267e18b6ffa87e665fee77d04f16bd102a8cb47/simsimd-4.3.1-cp39-cp39-musllinux_1_2_x86_64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "e8ff7e95556a4c4cd7ab2270db5240e54486c298f58a8d4407effa6b2c0364b9",
                "md5": "52fece051a56d4ad8e322b94aea38800",
                "sha256": "6c5e0c3eb4697877e06707f87a3160f78f3428f9a0a24e89bcc62382d1f78c00"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-win32.whl",
            "has_sig": false,
            "md5_digest": "52fece051a56d4ad8e322b94aea38800",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 27523,
            "upload_time": "2024-04-10T19:36:10",
            "upload_time_iso_8601": "2024-04-10T19:36:10.992238Z",
            "url": "https://files.pythonhosted.org/packages/e8/ff/7e95556a4c4cd7ab2270db5240e54486c298f58a8d4407effa6b2c0364b9/simsimd-4.3.1-cp39-cp39-win32.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "13196f4757d370226aa0b147316f1f5d079b8dc11915648cdaf2a6cb48962187",
                "md5": "81a9d8975fa5d01de67d39d9bbfae30d",
                "sha256": "74f929374e908f8884d8a69d17e3bb555f489c2f594668d2d3fdb53c51750616"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-win_amd64.whl",
            "has_sig": false,
            "md5_digest": "81a9d8975fa5d01de67d39d9bbfae30d",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 37089,
            "upload_time": "2024-04-10T19:36:12",
            "upload_time_iso_8601": "2024-04-10T19:36:12.637013Z",
            "url": "https://files.pythonhosted.org/packages/13/19/6f4757d370226aa0b147316f1f5d079b8dc11915648cdaf2a6cb48962187/simsimd-4.3.1-cp39-cp39-win_amd64.whl",
            "yanked": false,
            "yanked_reason": null
        },
        {
            "comment_text": "",
            "digests": {
                "blake2b_256": "1d9c55df633771ef237317c75bdd69a469f22015755636e81e3447ffe68d4b64",
                "md5": "3d068d0187b13c9b9a665d3ce83931c1",
                "sha256": "5a036fc98fdc56ee5bfd7633ebfd6867a5a6b2d3be3105cdcfdb7fd90609054f"
            },
            "downloads": -1,
            "filename": "simsimd-4.3.1-cp39-cp39-win_arm64.whl",
            "has_sig": false,
            "md5_digest": "3d068d0187b13c9b9a665d3ce83931c1",
            "packagetype": "bdist_wheel",
            "python_version": "cp39",
            "requires_python": null,
            "size": 26397,
            "upload_time": "2024-04-10T19:36:14",
            "upload_time_iso_8601": "2024-04-10T19:36:14.500884Z",
            "url": "https://files.pythonhosted.org/packages/1d/9c/55df633771ef237317c75bdd69a469f22015755636e81e3447ffe68d4b64/simsimd-4.3.1-cp39-cp39-win_arm64.whl",
            "yanked": false,
            "yanked_reason": null
        }
    ],
    "upload_time": "2024-04-10 19:32:56",
    "github": true,
    "gitlab": false,
    "bitbucket": false,
    "codeberg": false,
    "github_user": "ashvardanian",
    "github_project": "simsimd",
    "travis_ci": false,
    "coveralls": false,
    "github_actions": true,
    "lcname": "simsimd"
}
        
Elapsed time: 0.26650s