-
rand
Random number generators and other randomness functionality
-
itertools
Extra iterator adaptors, iterator methods, free functions, and macros
-
twox-hash
XXHash and XXH3 algorithms
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
fastrand
fast random number generator
-
rustfft
High-performance FFT library written in pure Rust
-
xxhash-rust
xxhash
-
crc
support of various standards
-
tokenizers
today's most used tokenizers, with a focus on performances and versatility
-
sprs
A sparse matrix library
-
ff
building and interfacing with finite fields
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
rstar
An R*-tree spatial index
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
streaming-iterator
Streaming iterators
-
crc-any
To compute CRC values by providing the length of bits, expression, reflection, an initial value and a final xor value. It has many built-in CRC functions.
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
rand_distr
Sampling from random number distributions
-
fnv
Fowler–Noll–Vo hash function
-
siphasher
SipHash-2-4, SipHash-1-3 and 128-bit variants in pure Rust
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
blstrs
High performance implementation of BLS12 381
-
extendr-api
Safe and user friendly bindings to the R programming language
-
wildmatch
string matching with single- and multi-character wildcard operator
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
pathfinding
flow, and graph algorithms
-
backon
Make retry like a built-in feature provided by Rust
-
noise
Procedural noise generation library
-
oorandom
A tiny, robust PRNG implementation
-
ena
Union-find, congruence closure, and other unification code. Based on code from rustc.
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
regalloc2
Backtracking register allocator inspired from IonMonkey
-
stringprep
algorithm
-
fastcdc
(content defined chunking) in pure Rust
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
dwrote
Lightweight binding to DirectWrite
-
rs_merkle
The most advanced Merkle Tree library for Rust. Supports creating and verifying proofs, multi-proofs, as well as advanced features, such as tree diffs, transactional changes, and rollbacks
-
topological-sort
Performs topological sorting
-
gcd
Calculate the greatest common divisor
-
gix-revwalk
providing utilities for walking the revision graph
-
easy-smt
Easily interact with an smt solver as a subprocess
-
microfft
Embedded-friendly Fast Fourier Transforms
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
i_overlay
Boolean Operations for 2D Polygons: Supports intersection, union, difference, xor, and self-intersections for all polygon varieties
-
phf_codegen
Codegen library for PHF types
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
murmur3
hash
-
special
The package provides special functions
-
differential-dataflow
An incremental data-parallel dataflow platform
-
rdrand
random number generator based on rdrand and rdseed instructions
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
openraft
Advanced Raft consensus
-
rand_regex
Generates random strings and byte strings matching a regex
-
slice-group-by
Iterators over groups in slices and strs
-
levenshtein
algorithm
-
strength_reduce
Faster integer division and modulus operations
-
yada
double-array trie library aiming for fast search and compact data representation
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
metrohash
high quality, high performance hash algorithm
-
ph
data structures based on perfect hashing
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
arrow-data
Array data abstractions for Apache Arrow
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
treediff
Find the difference between arbitrary data structures
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
rand_mt
Reference Mersenne Twister random number generators
-
pubgrub
version solving algorithm
-
rphonetic
Rust port of phonetic Apache commons-codec algorithms
-
timely
A low-latency data-parallel dataflow system in Rust
-
gxhash
non-cryptographic algorithm
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
prio
aggregation system core: https://crypto.stanford.edu/prio/
-
blake2_bin
a command line implementation of BLAKE2b/s/bp/sp and all their parameters
-
bao
BLAKE3 verified streaming
-
rand_hc
HC128 random number generator
-
gemm
Playground for matrix multiplication algorithms
-
robust
adaptive floating-point predicates for computational geometry
-
whisper-rs
Rust bindings for whisper.cpp
-
adler
clean-room implementation of the Adler-32 checksum
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
ostree-ext
Extension APIs for OSTree
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
orx-priority-queue
Priority queue traits and high performance d-ary heap implementations
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
jubjub
elliptic curve group
-
tpchgen
Blazing fast pure Rust no dependency TPC-H data generation library
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
rust-stemmers
some popular snowball stemming algorithms
-
genetic_algorithms
solving genetic algorithm problems
-
bm25
BM25 embedder, scorer, and search engine
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
osqp
(Operator Splitting Quadratic Program) solver
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
k
kinematics
-
geo-clipper
Boolean operations on polygons
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
simplerand
fast random number generator
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
glissade
that provides various utilities for animations and transitions
-
interp
Matlab's interp1 function
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
fractional_index
fractional indexing
-
rustsat
aims to provide implementations of elements commonly used in the development on software in the area of satisfiability solving. The focus of the library is to provide as much ease of use without giving up on performance.
-
cuvs
RAPIDS vector search library
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
integer-sqrt
integer square root algorithm for primitive rust types
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
raft
language implementation of Raft algorithm
-
tenthash
A high-quality, non-cryptographic, 160-bit hash function
-
mergable
user-friendly and efficient CRDTs
-
scuttle
A multi-objective MaxSAT solver
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
deep_causality
Computational causality library. Provides causality graph, collections, context and causal reasoning.
-
genetic_algorithm
A genetic algorithm implementation
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
transpose
transposing multi-dimensional data
-
dbsp
Continuous streaming analytics engine
-
quad-rand
Pseudo random implementation with core atomics
-
setsum
order-agnostic checksum
-
guacamole
linearly-seekable random number generator
-
levenberg-marquardt
algorithm built on top of nalgebra
-
halo2-base
Embedded domain specific language (eDSL) for writing circuits with the
halo2
API. It simplifies circuit programming to declaring constraints… -
avalog
An experimental implementation of Avatar Logic with a Prolog-like syntax
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
orx-v
Traits to unify all vectors!
-
blstrs_plus
High performance implementation of BLS12 381
-
naive_opt
The optimized naive string-search algorithm
-
clone_dyn
Derive to clone dyn structures
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
twofloat
Double-double arithmetic functionality
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
quantiles
a collection of approximate quantile algorithms
-
neurons
Neural networks from scratch, in Rust
-
dmp
A high-performance library in that manipulates plain text
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
rithm
Arbitrary precision arithmetic
-
knossos
generating and rendering mazes
-
accurate
(more or less) accurate floating point algorithms
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
caches
popular caches (support no_std)
-
dive-deco
A dive decompression models library (Buehlmann ZH-L 16C)
-
fidget
Infrastructure for complex closed-form implicit surfaces
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
daachorse
Double-Array Aho-Corasick
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
rucrf
Conditional Random Fields implemented in pure Rust
-
murmurhash32
murmurhash32_2
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
ringbuffer-spsc
A fast thread-safe single producer-single consumer ring buffer
-
oort_api
APIs for Oort, a space fleet programming game
-
biodiff
Compare binary files using sequence alignment
-
bitm
bit and bitmap (bit vector) manipulation
-
distances
Fast and generic distance functions for high-dimensional data
-
chksum
hash functions with a straightforward interface for computing digests of bytes, files, directories, and more
-
xorf
implementing xor filters - faster and smaller than bloom and cuckoo filters
-
linestring
line string toolbox
-
cam-geom
Geometric models of cameras for photogrammetry
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
graph
high-performant graph algorithms
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
pairing_ce
Pairing-friendly elliptic curve library
-
bevy_math
math functionality for Bevy Engine
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
tailcall
Safe, zero-cost tail recursion
-
incremental
computations, based on Jane Street's incremental
-
bevy_knossos
generating and rendering mazes
-
optirustic
A multi-objective optimisation framework for Rust
-
trackball
Virtual Trackball Orbiting via the Exponential Map
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
toodee
A lightweight 2D wrapper around a Vec
-
diffusionx
random number/stochastic process simulation with high performance
-
flo_curves
manipulating Bezier curves
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
cardinality-estimator-safe
Estimate the cardinality of distinct elements in a stream or dataset with no unsafe code
-
bit-matrix
bit matrices and vectors
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
baby_shark
Geometry processing library
-
changeforest
Random Forests for Change Point Detection
-
exhaust
Trait and derive macro for working with all possible values of a type (exhaustive enumeration)
-
atomic-traits
The traits for generic atomic operations
-
num256
256 bit integers
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
dlt-core
Parser and writer for autosar DLT Diagnostic Log and Trace
-
centerline
finding centerlines of 2D closed geometry
-
xiangting
calculating the deficiency number (a.k.a. xiangting number, 向聴数).
-
dypdl-heuristic-search
Heuristic search solvers for Dynamic Programming Description Language (DyPDL)
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
probminhash
Minhash algorithms for weighted Jaccard index
-
par-iter
Fork of rayon, with chili support
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
interpn
N-dimensional interpolation/extrapolation methods, no-std and no-alloc compatible
-
scirs2-optimize
Optimization module for SciRS2
-
ta
Technical analysis library. Implements number of indicators: EMA, SMA, RSI, MACD, Stochastic, etc.
-
dup-indexer
Create a non-duplicated index from Strings, static str, Vec, or Box values
-
fuse-rust
Fuse is a super lightweight library which provides a simple way to do fuzzy searching. Fuse-Rust is a port of Fuse-Swift, written purely in rust
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
jagua-rs
A fast and fearless Collision Detection Engine for 2D irregular Cutting and Packing problems
-
zspell
Native Rust library for spellchecking
-
timsort
modified MergeSort used in Python and Java
-
error_tools
Basic exceptions handling mechanism
-
cmaes
CMA-ES optimization algorithm
-
mintyml
A minialist alternative syntax to HTML
-
radiate
genetic algorithms and artificial evolution
-
rs-stats
Statistics library in rust
-
pm-remez
Parks-McClellan Remez FIR design algorithm
-
random_word
Efficient functions for generating random words in many languages
-
entropy-map
Ultra-low latency hash map using minimal perfect hash functions and compact encoding of values, minimizing memory footprint and storage size for efficient data retrieval
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
tinyrlibc
Tiny, incomplete C library for bare-metal targets, written in Stable (but Unsafe) Rust
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
feruca
Unicode Collation Algorithm
-
xgb
Machine learning using XGBoost
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
rhai-sci
Scientific computing in the Rhai scripting language
-
kasuari
layout solver for GUIs, based on the Cassowary algorithm. A fork of the unmaintained cassowary-rs crate with improvments and bug fixes. Kasuari is the indonesian name for the cassowary bird
-
oxirush-nas
5G NAS Message encoder/decoder library
-
geometry-predicates
port of robust geometric predicates
-
kd-tree
k-dimensional tree
-
garnish_lang_simple_data
Data implementation for garnish runtimes using simple list of variants
-
abd-clam
Clustering, Learning and Approximation with Manifolds
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
fuzzy-muff
Fuzzy Matching Library
-
syntree_layout
visualize trees from the 'syntree' crate
-
fastatomstruct
A Python package for the analysis of atomic structures and dynamics
-
opendp
differential privacy algorithms for the statistical analysis of sensitive private data
-
hlc-gen
Lock-free Hybrid Logical Clock (HLC) timestamp generator
-
annembed
dimension reduction à la Umap
-
moongraph
Schedules and runs DAGs accessing shared resources. 🌙
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
color_space
converting between color spaces and comparing colors
-
rustate
creating and managing state machines, inspired by XState
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
oci-distribution
An OCI implementation in Rust
-
broccoli
broadphase collision detection algorithms
-
haru_cmaes
CMA-ES optimization algorithm implementation based on Hansen's purecma Python implementation
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
bridgetree
A space-efficient Merkle tree designed for linear appends with witnessing of marked leaves, checkpointing & state restoration
-
simplehash
fast Rust library implementing common non-cryptographic hash functions: FNV, MurmurHash3, CityHash, and Rendezvous hashing
-
ddo
generic and efficient framework for MDD-based optimization
-
here_be_dragons
Map generator for games
-
minidump-unwind
producing stack traces from minidump files
-
random_color
generating random attractive colors
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
coord2d
rust lib for coordinate in 2d system
-
graaf
Work with directed graphs
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
meos
Rust bindings for MEOS C API
-
basic_dsp
Digital signal processing based on real or complex vectors in time or frequency domain
-
itermore
🤸♀️ More iterator adaptors
-
algos
A collection of algorithms in Rust
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
autd3-link-soem
autd3 link using SOEM
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
od_opencv
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
ltpp-output
An atomic output library based on Rust that supports output functionalities through functions, builders, and other methods. It allows customization of text and background colors.
-
stringmetrics
approximate string matching
-
count-min-sketch
Count-min-sketch implementation
-
mhgl
Matts HyperGraph Library (MHGL). A straightforward library for hypergraph datastructures.
-
dilate
A compact, high performance integer dilation library for Rust
-
smolprng
A Small and Extensible PRNG written in Rust
-
i_shape
iShape is a compact and efficient library specifically designed for representing 2D data structures using IntPoint
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
clingo
Rust idiomatic bindings to the clingo library
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
xxhrs
Safe XXHash and XXH3 bindings
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
autour_core
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
english-to-cron
converts natural language into cron expressions
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
simdutf
Unicode validation and transcoding at billions of characters per second
-
rust-unixfs
UnixFs tree support
-
markov_namegen
Random text generators based on Markov models
-
ids_service
that allows to generate unique Ids
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
dmsort
Fast adaptive sorting for when most of your data is already in order. dmsort can be 2-5 times faster than Rust's default sort when more than 80% of the elements are already in order
-
rustradio
Software defined radio library
-
noise-fork-nostd
Procedural noise generation library (Forked)
-
glicko_2
Glicko2 is an iterative algorithm for ranking opponents or teams in 1v1 games
-
numeric-sort
A zero-allocation, human-readable sorting library
-
ijzer
Main crate for IJzer. Provides a macro for using IJzer in a rust project, and a prelude with dependencies..
-
arboriter-mcts
A Monte Carlo Tree Search implementation built on the arboriter tree traversal primitive
-
pldag-rust
A DAG-based framework where nodes encode arbitrary Boolean operations over literal leaves, with built-in support for combination checks, scoring, and ILP export
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
hashinator
identify hashes blazingly fast
-
mini-mcmc
A compact Rust library for Markov Chain Monte Carlo (MCMC) methods with GPU support
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
bishop
visualizing keys and hashes using OpenSSH's Drunken Bishop algorithm
-
nabla-ml
A numpy-like library for Rust
-
sefar
evolutionary optimization algorithms
-
probability
The package provides a probability-theory toolbox
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
primes
A package for calculating primes using the Sieve of Eratosthenes, and using that to check if a number is prime and calculating factors. Includes an iterator over all primes.
-
flowmium
workflow orchestrator that use Kubernetes
-
scapegoat
Safe, fallible, embedded-friendly ordered set/map via a scapegoat tree. Validated against BTreeSet/BTreeMap.
-
ognlib
Some code that is written to practice Rust
-
numext-fixed-uint
Fixed-size uint types
-
vecmath
type agnostic library for vector math designed for reexporting
-
liba
An algorithm library based on C/C++
-
polygons
Fast points-in-polygon test and distances to polygons
-
rush_expr_engine
The rules engine is based on the rete algorithm
-
hyper_byte
An unsafe, near-zero cost (1-2 instructions) byte transmuter to numeric types with fast byte reader
-
linear-map
A map implemented by searching linearly in a vector
-
permutation
Small utility for creating, manipulating, and applying permutations
-
jopemachine-raft
language implementation of Raft algorithm
-
arbi
Arbitrary Precision Integer
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
jawe-cuvs-iv
RAPIDS vector search library
-
random-branch
macro to select a random branch like match
-
cubecl-linalg
CubeCL Linear Algebra Library
-
hax-bounded-integers
Newtypes for working with bounded integers with hax
-
flatk
Flat layout abstraction toolkit
-
importunate
Methods for returning random elements from an iterator
-
nav
handling cardinal directions and transformations
-
spaceflake
⛄ A distributed generator to create unique IDs with ease in Rust; inspired by Twitter's Snowflake
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
lazyrand
generating random numbers easily
-
libecvrf
A ECVRF that's friendly with EVM, based on curve secp256k1 and keccak256
-
timberio/file-source
A high-performance observability data pipeline
-
noise-functions
A collection of fast and lightweight noise functions
-
realistic
Towards an API for the Real Numbers
-
geomorph
conversion between different coordinate systems
-
localsearch
Local Search based Metaheuristics
-
brique-rs
A MLP library made from scratch, using the rust standard lib
-
natlex_sort
hybrid natural and lexicographical sorting for strings and byte slices, useful for sorting mixed lists of filenames and identifiers
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
unwinder
Call stack spoofing for Rust
-
easer
Tiny library imlementing Robert Penner's easing functions
-
hyperloglogplus
HyperLogLog implementations
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
t1ha
T1AH (Fast Positive Hash) hash function
-
geos-sys
GEOS C API bindings
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
f3l_segmentation
3D Point Cloud Library
-
sonic-callreq
Structured calls to for SONIC distributed contracts
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
hronn
An experimental CNC toolpath generator
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
rand_xorshift
Xorshift random number generator
-
tribles
knowledge base implementation for rust
-
out
fast min and max functionality for collections
-
rsfdisk
Safe Rust wrapper around the
util-linux/libfdisk
C library -
clipline
Efficient rasterization of line segments with pixel-perfect clipping
-
extendhash
Rust Hash Extender
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
algorithmica
Rust Algorithms
-
zeros
-
treerder
Trie ordering for type implementing Orderable
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
graph-algorithms-rs
A collection of graph algorithms
-
macarunes
macaroons
-
cyclic_graph
This package provides a way to use a structure that implements a cyclic directed graph with a single input and single output. It is designed to be used asynchronously
-
movavg
Generic Moving Average calculation
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
pcg_rand
PCG family of random number generators in pure Rust
-
clone-agave-feature-set
Solana runtime feature declarations
-
convi
Convenient (but safe) conversion (
From
-like) traits -
elipdotter
Embeddable full text search engine
-
finitelib
advanced maths over finite groups, fields, their extensions, multi precision operations, euclidean rings, polynomials and related things
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
random-nickname2
用于Rust的随机用户昵称生成器
-
pyimports
Parse and analyze the imports within a python package
-
flo_binding
Declarative binding library for Rust
-
gene-evo
Standard and novel genetic evolution algorithm implementations, using advanced rust std functionality and zero dependencies
-
crc64
checksum implementation
-
kendalls
Kendall's tau rank correlation
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
ranges
generic alternative to core/std ranges, set-operations to work with them and a range set that can efficiently store them with the least amount of memory possible
-
rand_aes
AES based pseudo-random number generator
-
natord
Natural ordering for Rust
-
polylog
polylogarithms
-
moku
creating hierarchical state machines
-
generic_a_star
A generic implementation of the A* algorithm
-
is_sorted
Iterator sorted?
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
topopt
Topology optimization in pure Rust, based on 99 lines of MATLAB
-
docker-image
no_std-compatible Docker image reference parser with strict adherence to Docker's naming rules
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
batsat
Extensible SAT solver in Rust
-
bulletformat
Binary Data Formats, Data Loader and Utilities for bullet
-
import_map
WICG Import Maps specification
-
balance_engine
Production planning and optimization engine using linear programming to balance supply with demand while minimizing costs and respecting resource constraints
-
mittagleffler
High performance implementations of the Mittag-Leffler function
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
ms_toollib
Algorithms for Minesweeper
-
froggy-rand
Random number generation without state for games
-
bit_manipulation
lightweight Rust crate for seamless management and validation of up to 128 option states. Empower your applications with efficient, flexible, and intuitive option handling, ensuring…
-
fts-solver
A reference solver for flow trading optimization
-
rocm-rs
Rust bindings for AMD ROCm libraries
-
statime
Precision Time Protocol implementation library for embedded and desktops
-
ext-sort
rust external sort algorithm implementation
-
acap
As Close As Possible — nearest neighbor search in Rust
-
rmqtt-raft
raft framework, for regular people
-
numerical-multiset
An ordered multiset of machine numbers
-
monument
A fast and flexible composition generator
-
moors
Solving multi-objective optimization problems using genetic algorithms
-
del-msh
mesh utility library for computer graphics research and prototyping
-
eta-algorithms
Low overhead data structures focused on performance
-
kdtree-ray
Fast Kdtree implementation for raytracer
-
kitoken
Fast and versatile tokenizer for language models, supporting BPE, Unigram and WordPiece tokenization
-
ahrs
port of Madgwick's AHRS algorithm
-
twoten
human readable digest tool
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
oefpil
Optimum Estimate of Function Parameters by Iterated Linearization (OEFPIL): Algorithm for nonlinear function fitting to data with errors in both dependent and independent variables where correlation…
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
gemm-f16
Playground for matrix multiplication algorithms
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
voxell_rng
Cheap and dirty thread-local RNGs
-
shardtree
A space-efficient Merkle tree with witnessing of marked leaves, checkpointing & state restoration
-
cap-rand
Capability-based random number generators
-
timelag
Creating time-lagged time series data
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
counting_sort
Counting sort implementation for Iterators
-
opensimplex2
Port of OpenSimplex2
-
simple-sds-sbwt
A fork of simple-sds used in the sbwt crate
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
firestore-structured-query
A Firestore StructuredQuery builder
-
multimarkov
generic tool for training and using multi-order Markov chains for procedural generation applications such as generating randomized but authentic-sounding names for characters and locations
-
radicle-dag
Radicle DAG implementation
-
swc_par_iter
Fork of rayon, with chili support
-
graphbench
A sparse graph analysis library
-
newton_rootfinder
Newton based methods for root finding
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
screwsat
condlict driven clause learning sat solver
-
nuon
Support for the NUON format
-
rose_bloom
A concurrent growing element size linked list with stable pointers
-
aligned-buffer
A buffer with controllable alignment, that can be sealed and shared by reference count
-
hex2d
Helper library for working with 2d hex-grid maps
-
keyforge95
product key generation / validation for Windows 95 and other Microsoft products
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
pingora-limits
rate limiting and event frequency estimation
-
random
The package provides sources of randomness
-
smtlib
A high-level API for interacting with SMT solvers
-
barnes_hut
Fast n-body simluation using the Barnes Hut algorithm
-
hamming-bitwise-fast
A fast, zero-dependency implementation of bitwise Hamming Distance using a method amenable to auto-vectorization
-
noisette
generating 2D noise functions with analytical gradients
-
astro-format
Astro Format is a library for transcoding between an array of implemented types and a single buffer
-
libphext
A rust-native implementation of phext
-
random-pick
Pick an element from a slice randomly by given weights
-
advancedresearch-toy_model_of_physical_seshatic_identity
toy model for physical Seshatic identity that satisfies the holographic principle
-
cplex-sys
Low level bindings to the Cplex C-API
-
ndata
Thread-safe, self-owned JSON-like data with manual garbage collection
-
stackmap
A fast stack-only hashmap for small high-performance scenarios
-
tremor-common
Tremor common functions
-
scirs2-stats
Statistical functions module for SciRS2
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
mur3
language implementation of MurmurHash3
-
qptrie
A QP-Trie implementation for Rust
-
pack_it_up
that implements various bin packing algorithms
-
permutator
Get a lexicographic cartesian product and lexicographic permutation at any specific index from data. Generate complete lexicographic cartesian product from single or multiple set of data…
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
sgrust
A sparse grid library written in Rust
-
vector_quantizer
vector quantization utilities and functions
-
starlark_map
Map implementation with starlark-rust specific optimizations
-
subset_sum
Solves subset sum problem and returns a set of decomposed integers. It also can match corresponding numbers from two vectors and be used for Account reconciliation.
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
hydroflow
Hydro's low-level dataflow runtime and IR
-
line-col
Convert string slice indices into line/column numbers
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
svd-encoder
A CMSIS-SVD file encoder
-
dynamic-weighted-sampler
An efficient weighted sampler with dynamically updatable weights
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
cplit
Competitive Programming Library in Rust
-
rasciigraph
function to plot ascii graphs
-
louvre
A Robust Triangulation Algorigthm
-
skiplist
in rust, providing fast insertion and removal. A normal skiplist is implemented, as well as an ordered skiplist and a skipmap.
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
btypes
Better types (BTypes) for when you dislike normal types, I guess
-
kannolo
designed for easy prototyping of ANN Search algorithms while ensuring high effectiveness and efficiency over both dense and sparse vectors
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
line-clipping
implementing line clipping algorithms
-
pasture-algorithms
Point cloud algorithms for pasture
-
multistream-batch
Implementations of batching algorithms
-
bulirsch
Bulirsch-Stoer ODE integration algorithm
-
quadtree-f32
dependency-free ID-based quadtree
-
guid-create
Rust helper for creating GUIDs
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
drawbridge-type
Drawbridge type definitions
-
ratio-genetic
Ratio's genetic algorithms library
-
evo_framework
Evo(lution) framework: A powerful framework designed for ai
-
glidesort
sorting algorithm
-
libbruteforce
brute force hashes (e.g. passwords). It includes a set of pre-configured hashing functions, like md5 or sha256. You can also provide your own hashing function. PLEASE DO NOT use this…
-
dfp-number
Decimal floating-point arithmetic for Rust
-
extargsparse_worker
Rust Commandline User Interface
-
line-span
Find line ranges and jump between next and previous lines
-
derangements
Generate derangements of an iterable
-
list-fn
A generic lazy list
-
bevy_sparse_tilemap
A Tilemap crate for the Bevy game engine with a focus on large map sizes and ECS sparse maps
-
qopt
optimization library
-
programinduction
program induction and learning representations
-
turborand
Fast random number generators
-
imgdd
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
sqlx-pg-uint
SQLx compatible types to convert between Rust unsigned integers and the PostgreSQL
NUMERIC
/DECIMAL
type seamlessly -
multibuffer
implementing triple buffering and generalized multi-buffering patterns
-
x-diff-rs
compare XML semantically
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
rxegy
Unofficial Exegy XCAPI in Rust
-
enum-lexer
A proc_macro lexer generator. using
enum
-like syntax. -
randomize
Randomization routines
-
generic_levenshtein
Generic and fast implementation of the Levenshtein distance
-
treevolution
A simulation of the evolution of treelike structures in a cellular automata
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
hypertwobits
cardinality estimation algorithm
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
uniquetol
toolbox for isolating unique values in n-dimensional arrays of imprecise floating-point data within a given tolerance
-
mantra-lang-tracing
Contains functionality needed to collect requirement traces from code or plain text files for the
mantra
framework -
batadase
incredible LMDB wrapper
-
funcmap
Derivable functorial mappings for Rust
-
nu-cmd-extra
Nushell's extra commands that are not part of the 1.0 api standard
-
ps-buffer
aligned heap buffer
-
cortex-lang
interpreted language for interfacing with Rust code
-
regexsolver
Manipulate regex and automaton as if they were sets
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
azalia
🐻❄️🪚 Common utilities and extensions that Noelware uses in all Rust projects
-
simple_term_rewriter
A basic interface to rewrite concrete tree terms according to a set of rules
-
kago
custom-width signed and unsigned integers
-
csvbinmatrix
Binary matrix Compressed Sparse Vector
-
mot-rs
Dead simple multi object tracking in Rust
-
fixed32-math
Geometric types
-
elkai-rs
solving travelling salesman problems (TSP) based on elkai (LKH 3)
-
vrp-scientific
An extension logic for solving scientific VRP
-
ruva
Event Driven Message Handling
-
native-pkcs11-traits
Traits for implementing and interactive with native-pkcs11 module backends
-
vec_ssap
Stateless Scale and Perturbation scheme for vector encryption
-
zee-edit
Core text editing functionality for zee
-
randperm-crt
Small library for generating random permutations
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
spatial-decomposition
Algorithms to partition 2D spaces
-
ninjabook
A lightweight and high performance orderbook
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
rgeometry
High-Level Computational Geometry
-
flare
A lightweight library to perform basic astronomical calculations, inspired by Python's Astropy syntax
-
dandy
DFAs, NFAs and regular expressions together with a file format
-
soukoban
some algorithms and data structures related to Sokoban
-
horizon_data_types
The Horizon data types library for third-party integrations
-
gyard
A generic shunting yard algorithm implementation
-
adler2
clean-room implementation of the Adler-32 checksum
-
raddy-ad
An automatic differentiation system for geometry and simulation
-
nu_plugin_hashes
A Nushell plugin that adds 63 cryptographic hash functions from Hashes project
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
uuid7
UUID version 7
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
fudd
Fun with poker. Named after that most famous of rabbit hunters.
-
portmatching
Fast Graph Matching for Port Graphs
-
astra-num
A wrapper lib around num_bigint, num_integer, and num_traits with extra utilities for handling incredibly large (astronomical) values
-
rosu_nps
analyzing note density and distribution in osu! beatmaps
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
sphere-n-rs
N-Sphere Code Generation in Rust
-
time_priority_order_algoritmh
algorithm create a cronogram of action sorted by time of occurrence time avoiding time colisions
-
recursive_matching
Formulating unique assignments recursively
-
idgen_rs
A perfect snowflake ID generator
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
xldenis/creusot
prove your code is correct in an automated fashion
-
yagi
Batteries-included DSP library
-
minedmap-types
Common types used by several MinedMap crates
-
feos-campd
Computer-aided molecular and process design using the FeOs framework
-
frand
Blazingly fast random number generation library
-
codeq
Codec trait
-
is_prime
Fast arbitrary length prime number checker using the Miller-Rabin primality test algorithm
-
length
handle length/distances easyly. It can parse a string with several units (m, km, mi, ft, ...) into the Length-struct and converting into other units.
-
convex_sync_types
Sync types for the Convex Websocket protocol (convex.dev)
-
dotnet35_rand_rs
just simluates .NET 3.5's Random class
-
permissive-search
Implementing user-friendly search interfaces in Rust. no-std. Zero dependencies.
-
pi_path_finding
A* Path Finding Algorithm
-
harness-space
topological and other spaces
-
rtsc
Real-time Synchronization Components
-
procsys
retrieve system, kernel, and process metrics from the pseudo-filesystems /proc and /sys
-
cosmogony
geographical zones with a structured hierarchy
-
randm
Small, fast, and efficient random generation crate
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
gbwt
Partial reimplementation of the GBWT. Exposure for the GBZ struct.
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
opis
rational number and matrix arithmetic
-
pyin
pYIN pitch detection algorithm written in Rust
-
data-pipeline-rs
Data processing pipelines
-
travelling_salesman
Travelling Salesman Problem Solvers
-
bellande_step
running Bellande Step calculations via API or local executable
-
libecvrf-k256
A fork of libecvrf use k256 implementation
-
semsimian
Sematic similarity calculations for ontologies implemented in Rust
-
tofas
Translation of fundamental astronomical subroutines
-
mackerel_plugin
Mackerel plugin helper library
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
cdumay_error_base64
base64 error
-
random-string
Allows to generate random strings based on a given charset and length
-
loop
The package allows for processing iterators in parallel
-
machine-check-exec
formal verification tool machine-check
-
solaris-rs
predict the position of the Sun
-
fast-math
Fast, approximate versions of mathematical functions
-
idx_binary
Indexed binary file. It uses mmap , various_data_file and avltiree.
-
graphina
A graph data science library for Rust
-
nmr-schedule
Algorithms for NMR Non-Uniform Sampling
-
easy_color
A very simple and easy-to-use color conversion tool
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
exact-covers
Knuth's algorithm for solving the exact cover problem with colors
-
quadtree
A generic quadtree implementation
-
blake2b-ref
A
no_std
BLAKE2B implementation -
all-is-cubes-base
Helper library for all-is-cubes. Do not use directly.
-
hypervector
that implements hyperdimensional vectors and VSAs
-
didp-yaml
YAML interface for Dynamic Programming Description Language (DyPDL) and DyPDL solvers
-
light_ranged_integers
Ranged integers for stable Rust compiler, zero-dependencies and no unsafe code
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing Iterator<Item = char>
-
hash-iter
Iterator producing sequence of hash values for a given input (using double hashing technique)
-
bye_abow_rs
Visual bag of words for fast image matching without opencv
-
rusty-termcolor
A light-weight terminal coloring library for Rust
-
incrementalmerkletree-testing
Common types, interfaces, and utilities for testing Merkle tree data structures
-
anyhash
Traits and utilities for making hashes of any type
-
twsearch
Twizzle Search — Twisty puzzle search library
-
multiexp
Multiexponentation algorithms for ff/group
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
autodiff
An automatic differentiation library
-
aoc-toolbox
An helping framework to Advent of Code
-
datafusion-functions-array
Array Function packages for the DataFusion query engine
-
chemrust-core
The core modules defining the flow and structs of data in computational chemistry routines
-
lerpable
a derive macro for combining ADTs
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
diffs
A number of diff algorithms, also called longest common subsequence
-
progress-encode
Progress ENCODE function
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
marrow
Minimalist Arrow interop
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
oxygraph
Algorithms and structures on ecological graphs
-
mocats
A fast, easy-to-use, generalized Monte Carlo Tree Search library. Works for any game, any number of players, and any tree policy (UCT Policy included as a default).
-
esl01-dag
DAG used for source control
-
rand_isaac
ISAAC random number generator
-
rufl
A powerful util function library for rust
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
b2c2-parser
b2c2におけるBASICコードのパーサー?
-
prepona
A graph crate with simplicity in mind
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
solvent
Dependency Resolver library
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
rusty_oge
Библиотека, решающая задачки из ОГЭ по информатике
-
kmeans
Small and fast library for k-means clustering calculations
-
shiftnanigans
contains different iteration data structures for either iterating or for shifting iteratively forward and backward
-
pyinrs
type library that is as easy to use as Python built-in types
-
stack-vm
A generic, reusable, stack-based virtual machine
-
indexsort
sort crate, porting Golang sort package to Rust
-
csf
compressed static functions (maps) that use perfect hashing and value compression
-
markdown_converter
html to markdown converter and flavored markdown to discord markdown converter
-
weight_matchers
Efficiently find items by matching weight. You can build the lookup structure at compile time.
-
payback
Calculate to resolve debt networks with as few transactions as possible
-
netgauze-analytics
Analytics infrastructure related library
-
cuid2-rs
Collision-resistant unique ids
-
asbytes
Traits for viewing data as byte slices or consuming data into byte vectors. Relies on bytemuck for POD safety.
-
varisat
A CDCL based SAT solver (library)
-
pi_orca
A* Path Finding Algorithm
-
fftw
safe wrapper of FFTW3
-
crc24-openpgp-fast
SIMD-powered implementation of CRC-24/OPENPGP (CRC-24/Radix64)
-
anybytes
A small library abstracting over bytes owning types in an extensible way
-
ferrite-rs
An ML Library for fast and memorysafe inference
-
strprox
Top-k string autocompletion
-
ngt
Rust wrappers for NGT nearest neighbor search
-
rxqlite-tests-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
human-sort
Human sort (natural sort) implementation
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
contest-algorithms
Common algorithms and data structures for programming contests
-
graphplan
planning algorithm from Avrim L. Blum and Merrick L. Furst in Rust
-
chibihash
hash function
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
manchu-converter
Converts transcripted Manchu text to Manchu script with Manchu alphabet
-
idgenerator
powerful unique id generator. Shorter ID and faster generation with a new snowflake drift algorithm. The core is to shorten the ID length, but also can have a very high instantaneous concurrent processing capacity…
-
bnf_sampler
that uses recursive descent algorithm to ensure tokens produced by a large language model follow a Backus Naur Form schema
-
nested_containment_list
A data structure for efficiently storing and querying nested intervals
-
based16
BASE-16(HEX) implementation for chads
-
conv2
number of conversion traits with more specific semantics than those provided by 'as' or 'From'/'Into'
-
murmurhash3
MurmurHash3 implementation
-
dam_lev
Implements the Damerau–Levenshtein diff algorithm
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
ducc
Rust bindings for Duktape, the embedded JavaScript engine
-
savan
core library for answer set navigation
-
chaum_pedersen_auth
ZKP(Zero Knowledge Proof) using chaum pedersen algorithm
-
polyline-iter
Zero-dependency iterator-based Google Encoded Polyline encoder and decoder
-
power_flow_data
RAW power flow data file parser
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
cplex-rs
Binding of IBM Cplex library
-
hexdump
Easy hexdump to stdout or as an iterator
-
geo-offset
Add margin and padding to geometric shapes
-
genrc
refcounted pointer type that allows subobject pointers
-
demes
specification
-
ccsort
clone of the Unix sort command, with multiple sorting algorithms
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
stack_box
store unsize struct on stack with static check
-
partition
slices in-place by a predicate
-
ch_cityhash102
ClickHouse CityHash implementation
-
round_float
Round
f64
andf32
to specified number of decimals -
dandelion-random
a high performance non-cryptographic random number generator
-
augmented-dsp-filters
Audio filters (port of C++ DSPFilters)
-
reveler
A cryptographic commitment scheme based on lattice and parallelized matrix-vector multiplication
-
xi-rope
A generic rope data structure built on top of B-Trees
-
bpe-tokenizer
A BPE Tokenizer library
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
sobol
sequence generator for Rust
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
light-tool
轻量级的Rust工具库
-
i_key_sort
A fast sorting algorithm combining bin and counting sort. Optimized for scenarios where a primary key can be extracted to index elements into buckets.
-
CryptTool
A versatile and efficient cryptography library implemented in Rust
-
ssa-impls
common SSA algorithms
-
control_systems_torbox
Control systems toolbox
-
graph_builder
A building block for high-performant graph algorithms
-
gsl_bfgs
BFGS algorithm built on the GNU Scientific Library(GSL)
-
cdshealpix
HEALPix tesselation
-
greyjack
Rust version of GreyJack Solver for constraint continuous, integer, mixed integer optimization problems
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
bvh2d
A fast BVH using SAH for 2d
-
excov
A solver for exact cover problems
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
interpolation_search
Interpolation search - binary search on steroids
-
imghash
Image hashing for Rust
-
splay-safe-rs
Splay implemented with safe rust
-
swc_ecma_preset_env
preset-env for the swc
-
statement
An event-driven state machine library for Rust
-
exact-clustering
Find optimal clusterings and optimal hierarchical clusterings
-
cdchunking
Content-defined chunking
-
jisx0401
JIS X 0401
-
cdc-chunkers
A collection of Content Defined Chunking algorithms
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
unsvg
SVG building library
-
ac-library-rs
port of AtCoder Library (ACL)
-
ran
fast random numbers generation
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
orx-funvec
Traits to unify access to elements of n-dimensional vectors which are particularly useful in algorithms requiring both flexibility through abstraction over inputs and performance through monomorphization
-
ruverta
Verilog: Very Simple Verilog Builder
-
relp-num
Number types for the relp crate
-
rustplex
A linear programming solver based on the Simplex algorithm for Rust
-
sort
sort algorithms
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
vec_clock
Vector clock implimentation
-
friedrich
Gaussian Process Regression
-
sundials
Suite of nonlinear and differential/algebraic equation solvers
-
ggstd
Partial implementation of Go standard library
-
genevo
building blocks to run simulations of optimization and search problems using genetic algorithms (GA). Execute genetic algorithm (GA) simulations in a customizable and extensible way
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
dendritic-clustering
Package for algorithms related to clustering
-
small_uid
A 64 bit lexicographically sortable unique identifier implementation
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
hrv-algos
A collection of algorithms for heart rate variability analysis
-
simple-easing
Set of simple easing functions
-
r_unit
A fast and easy-to-use unit testing library
-
chksum-sha2
SHA-2 hash functions with a straightforward interface for computing digests of bytes, files, directories, and more
-
extprim
Extra primitive types (u128, i128)
-
apt-edsp
data model of the APT External Dependency Solver Protocol
-
android-sparse-image
Low-level Android sparse image parsing headers
-
stable_matching
Gale-Shapley stable matching algorithm
-
matrixcompare
Tools for convenient comparison of matrices
-
ultraloglog
algorithm
-
dywapitchtrack
by Antoine Schmitt
-
harper-typst
The language checker for developers
-
finite_element_method
A finite element method module
-
checksum-tapestry
Collection of checksum algorithms and examples
-
collide
extensible collision management
-
tokenizers-enfer
today's most used tokenizers, with a focus on performances and versatility
-
hime_sdk
Development kit for the generation of LR and RNGLR parsers programmatically or in command line. Full API for the manipulation of context-free grammars.
-
gannot
A small library with limited functionality focused on genome annotation
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
mem-rearrange
Rearrange memory from one array to another of different storage layouts
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
easing-function
easing functions for animation tweening
-
convolve2d
Easy and extensible pure rust image convolutions
-
chinese-rand
Random generation of data structures in Chinese, using Rust
-
stack-cell-ref
Share a reference in thread inner
-
nscldaq_ringbuffer
Low level NSCLDAQ ring buffer access
-
actionable
An enum-based async framework for building permission-driven APIs
-
zipf-fixed
A faster zipf distribution that uses more memory
-
graph-simulation
simulation algorithm
-
u144
Unsigned Integer 144 bits
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
weresocool_ring_buffer
ring_buffer for WereSoCool
-
rrt
Path finding using dual-RRT connect
-
p3-matrix
Plonky3 is a toolkit for implementing polynomial IOPs (PIOPs), such as PLONK and STARKs
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
hyperloglog
in Rust
-
symagen
Synthetic manifold generation
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
median
efficient O(n) median filter
-
timely_container
Container abstractions for Timely
-
iterators_extended
Some useful extensions to Rust's iterators
-
mathml-core
MathML type definitions
-
arbutus
Trees
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
satif-kissat
Rust wrapper for the kissat SAT solver
-
lotus-script
creating LOTUS-Simulator scripts
-
superslice
Extensions for slices
-
redux-rs
Redux
-
phonetics
Phonetic algorithms for encoding and comparing strings
-
graft-core
Core components and types for the Graft storage engine
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
merged_range2
rangeset that can merge overlapping ranges (fork of merged_range)
-
opentalk-types-common-identifiers
Common identifier types for OpenTalk crates
-
sdfer
SDF (Signed Distance Field) generation algorithms
-
rustsat-minisat
Interface to the SAT solver Minisat for the RustSAT library
-
ryley
Syntax unifies programmers
-
rdp
An FFI wrapper for the Ramer–Douglas–Peucker and Visvalingam-Whyatt algorithms
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
rapid-qoi
Optimized QOI format encoder and decoder
-
metaheurustics-rs
A comprehensive collection of metaheuristic optimization algorithms implemented in Rust
-
lazy_mut
Alternative to LazyLock<Mutex<T>>
-
meshmeshmesh
Open-source mesh processing library
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
moore-vhdl
The VHDL implementation of the moore compiler framework
-
bindet
Fast file type detection
-
rand_seeder
A universal random number seeder based on SipHash
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
sep-sys
Low-level bindings to SEP - C library for Source Extraction and Photometry
-
arc-interner
An interner that deallocates unused values
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
mttf
working with TrueType fonts. Most parts are zero-allocation.
-
rush_core
The rules engine is based on the rete algorithm
-
rl2tp
L2TP protocol
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
multistochgrad
Stochastic Gradient, Multithreaded
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
rev_buf_reader
that provides a buffered reader capable of reading chunks of bytes of a data stream in reverse order. Its implementation is an adapted copy of BufReader from the nightly std::io.
-
walky
A TSP solver written in Rust
-
blake
hash function for Rust via FFI
-
spiral
Iterate over a 2D structure in a spiral pattern
-
algebraics
algebraic numbers library
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
extend-ref
A wrapper struct that implements
Extend
for mutable references -
sort-const
Sort arrays and slices in const contexts
-
misc_iterators
A collection of uncommon but useful iterators, like DDA or BFS/DFS
-
cfpyo3_rs_core
a collection of performant utilities
-
soph-hash
Framework for Web Rustceans
-
random-picker
Generates random choices based on the weight table of probabilities. It can be used to calculate each item's probability of being picked up when picking a given amount of non-repetitive items…
-
linearsort
Sorting in linear time 🤔
-
cfsem
Quasi-steady electromagnetics including filamentized approximations, Biot-Savart, and Grad-Shafranov
-
mattr
transposing multi-dimensional data
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
healpix
tesselation
-
digraphx-rs
Network Optimization Algorithms in Rust
-
vrp-pragmatic
An extension logic for solving rich VRP
-
identity_map
Identity-based maps
-
ohos-sys
Bindings to the native API of OpenHarmony OS
-
integraal
Integral computation, done in Rust!
-
lace_data
Data definitions and data container definitions for Lace
-
phf_mut
Perfectly hashed mutable containers
-
parail
Easily switch between sequential and parallel
-
fnv0
FNV0/1/1a 32/64/128-bit hash functions
-
compute-it
define a lazy evaluated computation graph
-
cobyla
optimizer for Rust
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
farmhash-sys
Rust FFI bindings for a minimal implementation of Google's FarmHash hashing algorithms
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
anaso_algorithm
The recommendation algorithm for Ana.so
-
reusing-vec
Wrapper over Vec that allows elements to be reused without dropping them
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
bandit
Algorithms in Rust
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
toffee
Get command to run to run specific test in a file
-
oxvg_collections
Collections of data and utilities about SVG
-
maglev
Google's consistent hashing algorithm
-
foundation-ur
Blockchain Common's Uniform Resources (UR) standard, with static memory allocation for embedded devices while also allowing to use dynamic memory allocation for platforms with more resources
-
relog
Strong String Normalization
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
qframework
A experimental micor framework for clear design, based on queue model
-
textnonce
Text based random nonce generator
-
range_rover
Function to pack integers into ranges
-
math-ops
Mathematical and statistical operations on vectors
-
tri-mesh
A triangle mesh data structure including basic operations
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
easybitflags
making it easy to use bitflags in Rust
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
krossbar-state-machine
Krossbar state machine
-
tlsh2
TLSH algorithm
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
agnostic-levenshtein
Levenshtein distance for ASCII or Unicode strings
-
gdsdk
Gdsii file development kit
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
nb-tree
Very simple tree structure with generic node and branch data
-
densevec
Map like collection with usize indices that stores values contiguosly
-
another-html-builder
html builder, focused on being a helper for creating elements, escaping attributes, escaping text, but not caring if the html structure is valid. It's up to the developer to test that.
-
incpa
An INCremental PArser composition crate
-
azalea-block
Representation of Minecraft block states
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
parquetry-sort
Runtime sorting library for Parquet code generator
-
shakejo
Noise_IK_25519_ChaChaPoly_BLAKE2s
-
opc_da_bindings
OPC Data Access bindings
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
aula_27
Aula de Library
-
gaze
small utility library with the goal of making it easier to scan/lex text and collections
-
kindness
Methods for returning random elements from an iterator
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
rten-imageproc
Image tensor processing and geometry functions
-
ssr-algorithms
spaced repetition algorithms
-
ruffer
overwriting ring buffer library written in Rust
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
requests_rs
sending GET/POST requests and parsing jsons, included with an async file downloader. Intended for mostly small projects which need to make quick GET/POST requests or download files.
-
convers
Cool convert library that converts almost everything(not yet).Units,Languages,Calculations,etc
-
cock-lib
Measure the power level of a peen
-
weighted-rs
A libray for weighted balancing algorithm
-
geo-buf
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton. This crate builds upon the (presumably abandoned) geo-buffer crate.
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
kermit
Relational data structures, iterators and algorithms
-
quasirandom
number generation
-
aegir
Strongly-typed, reverse-mode autodiff library in Rust
-
bpe
Fast byte-pair encoding implementation
-
sudoku-solver
backtracking algorithm for solving sudoku
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
persist_if_changed
persisting data to disk only if it has changed
-
reinforcex
Deep Reinforcement Learning Framework
-
graph-algorithms
5 graph algorithms - DIJKSTRA'S, BFS, DFS, KOSARAJU'S and BELLMAN FORD ALGORITHM
-
gis-tools
A collection of geospatial tools primarily designed for WGS84, Web Mercator, and S2
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
pikkr
JSON Parser which picks up values directly without performing tokenization in Rust
-
uuid-by-string
Generating uuid-hash from string
-
bellande_limit
Bellande Adaptive Step Size dynamically adjusts movement increments for optimal robotic path planning and navigation
-
bmatcher
flexible and efficient binary pattern matching library designed to help you search and match binary data
-
ascon-prng
Ascon-PRF is lightweight PRF. This implementation also offers an RNG based on this construction
-
poi
A pragmatic point-free theorem prover assistant
-
alpha-counter
Alphabetic counter
-
slugid
generation for Rust
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
sample-std
Sampler definitions and implementations for st
-
mvsync
A standalone async and worker thread library, with expandable traits and command buffers
-
pcg-mwc
A fast non-cryptographic psudo random number generator
-
apparat
A lightweight event-driven behavioral state machine
-
magikitten
Easy Fiat-Shamirization using Meow
-
doryen-extra
aims to be a loose re-implementation of the utility features from the popular roguelike library named libtcod
-
nmm_lib
nine mens morris
-
cogitate
Algorithms made in Rust
-
seedling
hierarchical seeded pseudo-random number generators
-
canadensis_dsdl_frontend
Compiler front-end for the Cyphal Data Structure Description Language
-
linesweeper
Robust sweep-line algorithm and two-dimensional boolean ops
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
re_build_tools
build.rs helpers for generating build info
-
cratemorelikebox
package made for fun its not supposed to be useful
-
granne
Graph-based Retrieval of Approximate Nearest Neighbors
-
rgb_int
Integer representations and manipulations of rgb colours
-
angled-random-walker
Angled Random Walker approach to Brownian tree generation
-
qd
Extended precision floating point arithmetic
-
crfsuite
Safe wrapper of crfsuite
-
numext-fixed-hash
Fixed-size hash types
-
tiny-rng
Tiny RNG, a minimal random number generator
-
norms
A collection of distance metrics on strings
-
lazysort
Lazy sorting for iterators
-
ssip-client
Client API for Speech Dispatcher
-
smallrand
Random number generation with absolutely minimal dependencies and no unsafe code
-
shm_ring
A single producer, single consumer lockless ring buffer for message passing between shared memory
-
pairing-plus
Pairing-friendly elliptic curve library
-
spannify
that produces nice-looking graphs to visualize your callstack
-
galapagos
evolutionary solver
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
lockstep
An iterator adaptor for selective zipping
-
gauze
Probabilistic set membership filters with a simple interface
-
libatk-rs
that implements the Atk devices protocol
-
winsfs-core
Site frequency spectrum estimation based on window expectation-maximisation algorithm
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
slidy
working with sliding puzzles
-
argsyn
A complete implementation of GNU-style argument syntax
-
gad
Generic automatic differentiation for Rust
-
wikiwho
Fast Rust reimplementation of the WikiWho algorithm for fine-grained authorship attribution on large datasets. Optimized for easy integration in multi-threaded applications.
-
springboard-api
Makes a kernel compatible with the
springboard
crate -
pso-rs
Particle Swarm Optimization implementation in Rust
-
osqp-sys
FFI bindings to the OSQP (Operator Splitting Quadratic Program) solver
-
unkocrypto_rs
unkocrypto (rust)
-
ahqstore_gh_hash
Generate AHQ Store GH Hash
-
warcraft3-stats-observer
Rust bindings for the Warcraft 3 Stats Observer API memory map
-
rust-clacc
Rust implementanion of a CL universal accumulator
-
iceyee_random
Random
-
wfc_image
Create patterns for wfc using image files
-
thinkrust_algorithms
Basic Algorithms: Binary Search and Find Max from an array
-
simple_vector2
libary for generic vector manipulation that just works
-
gpu_rand
GPU-friendly random number generators for the Rust CUDA Project
-
lp-modeler
A linear programming modeller written in Rust. This api helps to write LP model and use solver such as CBC, Gurobi, lp_solve, ...
-
censor
text profanity filter
-
qdft
Constant-Q Sliding DFT
-
spade-diagnostics
Helper crate for https://spade-lang.org/
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
rs42
collection of utilities to make programming in Rust more enjoyable
-
conformal_preferences
persistent user preferences used by the conformal audio plug-in framework
-
simplers_optimization
Simple(x) black-box optimization algorithm
-
range-parser
parse ranges representation of any kind of numbers
-
fastxfix
Extremely fast prefix/suffix finder for any 2D data type
-
museair
Fast portable hash algorithm with highest bulk throughput and lowest small key latency (1-32 bytes) among portable hashes listed in SMHasher3, and made improvements for quality and usability
-
doers
generating Design Of Experiments (DOE)
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
phi-accrual-failure-detector
Phi Accrual Failure Detector
-
sort-it
various sorting algorithms
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
elon_sort
the worst sorting algorithm
-
abv
AV and BV convert functions for Bilibili videos
-
rand-half
Random number generation support for half-precision floating point types
-
rounded-div
Get rounded result of an integer division
-
voronator
Implements the Voronoi diagram construction as a dual of the Delaunay triangulation for a set of points and the construction of a centroidal tesselation of a Delaunay triangulation
-
lisudoku-solver
Solver for sudoku puzzles used by lisudoku
-
jawe-cuvs-iii
RAPIDS vector search library
-
golomb-coded-set
BIP158 Golomb-Coded Set data structure
-
parity-wordlist
Word list used to generate brain wallets for Parity
-
noise-functions-config
Configurable noise generator for
noise-functions
-
deepmesa-encoding
A collection of data structures and algorithms designed for performance
-
illuminate-container
Illuminate Container
-
causal-hub
A hub for Causal Data Science
-
totsu
Convex optimization problems LP/QP/QCQP/SOCP/SDP that can be solved by
totsu_core
-
chrono-probe
Compare and measure the time complexity of algorithms
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
fauxgen
write your own generators in stable rust
-
sl-mpc-mate
secure multi-party computation
-
smallmap
Small byte-sized generic key-value map type
-
fft2d
Fourier transform for 2D data such as images
-
babeltrace2-sys
Rust sys crate for babeltrace2
-
xskiplist
Skiplist implementation in rust, providing fast insertion and removal. A normal skiplist is implemented, as well as an ordered skiplist and a skipmap.
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
coord_transforms
performing coordinate transformations
-
nostd_structs
Datastructures and algorithms for nostd environments
-
supply-chain-trust-crate-000025
Random number generators and other randomness functionality
-
directwrite
A safe abstraction for interacting with DirectWrite, intended initially to be used with direct2d for easy text rendering
-
sa-is
algorithm for suffix array construction
-
ed2k
hash function
-
ioctl-rs
Rust bindings for system ioctls
-
secret_integers
Wrapping around Rust's integers to allow only constant-time operations
-
monte-carlo-tree-search
Monte Carlo Tree Search to find good moves in two player games
-
crossbeam-skiplist-fd
A long-term maintained forked version of the crossbeam-skiplist for supporting more flexible key comparison customization
-
bisection
Python bisect module
-
grb-sys
Low level bindings to Gurobi
-
polkavm-common
The common crate for PolkaVM
-
sigmah
Create and scan binary signature in Rust efficiently
-
fhash
Blazingly fast hash for HashMaps in Rust
-
tokenizations
alignments library
-
b2c2-tokenizer
b2c2のBASICコードのトーカナイザー?
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
sit-core
Core library for SIT (Serverless Information Tracker)
-
rtforth
Forth implemented in Rust for realtime application
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
pimc
Scientific computing library for Path Integral Monte Carlo (PIMC) simulations
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
dioxus-lazy
Async list components for Dioxus
-
hora
Hora Search Everywhere
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
sorting_lib
lib implementing sort algorithm?
-
webgestalt_lib
computing enrichment for different analytes using ORA or GSEA
-
breakout
detection for Rust
-
matr
A metaprogramming library for Rust
-
buldak
that provides various sorting functions
-
rendezvous_hash
Rendezvous hashing algorithm
-
fastrand-contrib
Extension functionality for fastrand
-
collision-detection
A generic collision detection library based on the
collide
crate -
iter-set
Set operations on sorted, deduplicated iterators
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
monarch-butterfly
Proc-Macro unrolled FFTs
-
shortlist
An efficient data structure to track the largest items pushed to it
-
hxdmp
A small utility to create hexdump output from byte slices
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
composite_modulus_proofs
Proofs about several propoerties of a composite modulus - square-free, product of 2 primes, a blum integer
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
codes-check-digits
Common implementation of check digit algorithms
-
topojson
TopoJSON utilities for Rust
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
aaronson-oracle
ngram-based predictor for a binary choice
-
xldenis/creusot-contracts
contracts and logic helpers for Creusot
-
algae
collection of core algorithms and data-structures, written in Rust
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
async-convert
Async TryFrom/TryInto traits
-
optical-flow-lk
Lucas-Kanade optical flow and Shi-Tomasi feature detection
-
lol-core
A Raft implementation in Rust language
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
convert-byte-size-string
Convert a byte size string to a u128 value
-
teju
Fast floating point to string conversion
-
gemm-f32
Playground for matrix multiplication algorithms
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
anchors
async incremental computations
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
css
that uses the cssparser and selectors crates to provide a domain model for CSS Stylesheets. Intended to allow effective minification of CSS and CSS transformations such as autoprefixing and removal by other crates
-
closest
nearest neighbor implementation
-
enso-optics
functional optics
-
pliocomp
PLIO Compression Library
-
tokeneer
tokenizer crate
-
itc
Interval Tree Clocks as described in the itc2008 paper
-
globset
Cross platform single glob and glob set matching. Glob set matching is the process of matching one or more glob patterns against a single candidate path simultaneously, and returning all of the globs that matched.
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
split-stream-by
Stream extension crate for splitting a Stream into two per a predicate
-
quotient-filter
A quotient filter implementation
-
rand_core
Core random number generator traits and tools for implementation
-
graph-sparsifier
A graph sparsifier based on an approximated PageRank algorithm
-
fenwick
tree: data structure that efficiently calculates prefix sums in a changing array of numbers
-
math
A math library
-
scirs2-ndimage
N-dimensional image processing module for SciRS2
-
rolling-buffer
circular heap buffer wrapper around the Vec
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
rand_chacha
ChaCha random number generator
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
graph-base
graph data structures and algorithms
-
relp
Rust Exact Linear Programming
-
finny
Finite State Machines with a procedural builder-style API and compile time transition checks
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
search_trees
binary search tree, red-black tree, and AVL tree
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
ndarray-polyfit
Polynomial fitting based on ndarray
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
winstructs
Common structures used in parsing various windows protocols
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
ogs
solving octal games
-
quickscope
Multi-layer HashMap and HashSet implementations for performant representation of variable scopes
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
aob
String searching with wildcards
-
gpwgpu
intended to make it easier to do general purpose GPU programming (GPGPU) in wgpu
-
crater
Very generic containers including KD trees, fibonacci heaps, minmax heaps,
-
bacteria
Strobe & Transcript Protocol
-
riichi-calc
calculate the score of a hand in riichi mahjong
-
esre
alt regex library
-
svd-rs
A CMSIS-SVD base structures
-
async-ringbuffer
A nonblocking spsc ring buffer with fixed capacity
-
eta-graph
Low overhead graph library focused on performance
-
ring_buffer
RingBuffer is a queue with added random access
-
drbg
Crypographic random number generator CTR_DRBG defined by NIST SP 800-90A R1
-
yices2
Rust bindings to the Yices 2 SMT solver
-
hadris-common
Common types and functions used by Hadris
-
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
srec-rs
srec crate in Rust
-
beziercurve-wkt
Serialize / deserialize bezier curves to / from a WKT-like string + do clipping operations
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
klotski
multifunctional engine with high performance
-
delaunator
A very fast 2D Delaunay triangulation library
-
vsort
GNU Version Sort Rust implementation
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
cauchy
Trait for real and complex numbers
-
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
qip-iterators
Iterators for tensor product matrix multiplication
-
lax
LAPACK wrapper without ndarray
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
strobe
Fast, low-memory, elementwise array expressions on the stack. Compatible with no-std (and no-alloc) environments.
-
lagbuffer
LagBuffer is a Rust crate designed to handle out-of-order events and reconcile state efficiently. It is particularly useful in scenarios such as game development or networked applications…
-
mfem
A high-level Rust wrapper for MFEM
-
glicko2
rating system
-
iterslide
A "sliding window" iterator
-
worley-noise
Worley noise implementation
-
bnb
A generic template for Branch & Bound algorithms
-
async_bagit
Create and load BagIt containers
-
const-combinations
const fn combinations iter adapter
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
rutter_layout
the flutter layout algorithm ported to rust
-
cubecl-opt
Compiler optimizations for CubeCL
-
num-cmp
Comparison between differently typed numbers
-
houtamelo_utils
A collection of utilities shared between Houtamelo's projects
-
iter_help
tools for iterating over collections of data
-
levenshtein-diff
Generic implementation of Levenshtein's algorithm that also allows you to generate the edits required to convert a source sequence to a target, and apply them to the source sequence to regenerate the target
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
custom_float
Custom floating-point types
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
uniquevec
A
Vec
-like datastructure which only contains unique entries. It is no_std and has optional serde support. -
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
rust_wfa
wavefront sequence alignment algorithm
-
tuid
Sequential UUID generator
-
gosh-lbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
zung_mini
Mini rust projects that target specific features of rust
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
sonyflake
A distributed unique ID generator inspired by Twitter's Snowflake
-
stringslice
A collection of methods to slice strings based on character indices rather than bytes
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
gtfs-generator
Convienience helpers for writing GTFS converters
-
isla-lib
Isla is a symbolic execution engine for Sail instruction set architecture specifications. This crate implements the core symbolic execution engine as a library.
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
rust_nb
but generic Naive Bayes Model in Rust
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
minstd
minimal standard random number generator
-
escape-bytes
Escapes bytes that are not printable ASCII characters
-
abow
Visual bag of words for fast image matching
-
backtrack
Solve hard constraints easily
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
text-file-sort
Sort a text file similar to linux sort
-
distance
A collection of approximate string matching algorithms
-
pingora-ketama
Rust port of the nginx consistent hash function
-
notan_random
set of RNG utils for Notan
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
hexx_more
Extensions to the
hexx
crate -
prexel
A math expression evaluator
-
omango-wyhash
Wang Yi hash for Rust
-
highwayhash
Bindings to AVX-2-optimized SIP-like hash functions
-
bluenoise_sampler
Precomputed blue noise for fast sampling
-
teehistorian
parser for DDNet
-
rust_twostack
Support for two-dimentional stacks for the Rust programming language
-
miniball
Minimum enclosing ball
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
rng-cli
A random data generator CLI tool. Prints an infinite stream of data generated from a selected PRNG algorithm to stdout. Basically a CLI frontend for the
rand
crate. -
simple_optimization
Simpler optimizers for simple optimization
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
tree_traversal
Find best leaf node in a tree
-
rusty-perm
permutation with no-std
-
readability-text-cleanup
cleaning up text from HTML using Mozilla's Readability algorithm
-
hash40
working with Hash40 types in Smash Ultimate
-
poisson-diskus
Poisson disk distribution sampling
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
tnj-air
TNJ Assembly Intermediate Representation (AIR)
-
unik
A Powerful Universally Unique Identifier (UUID)
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
aaru
Actionable Area Routing Utilities for OSM and MVT
-
materialized-view
incremental materialized views for the masses
-
chrf
algorithm
-
aether_primitives
Helpers for common SDR and signal generation operations
-
fastvlq
A fast variant of Variable-Length Quantity with a focus on speed and no_std support
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
addchain-arcium-fork
Generate addition chains (Arcium fork)
-
graphene
A general purpose, extensible Graph Theory data type and algorithm library for Rust
-
ark-poly-commit
constructing polynomial commitment schemes for use in zkSNARKs
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
hyperflake-rs
lightweight Rust crate library to generate unique snowflake like IDs starting from beginning of the 21th century
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
minisat
interface. Solves a boolean satisfiability problem given in conjunctive normal form.
-
dsalgo
A package for Datastructures and Algorithms
-
macro_machine
State machine generator using macros
-
canonical-form
Reduce graphs and other combinatorial structures modulo isomorphism
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
unicode_names2_generator
Generates the perfect-hash function used by
unicode_names2
-
re_chunk_store_ui
Display the contents of chunk stores
-
matrix-oxide
Lightweight Linear Algebra Library For Rust
-
floaters
generate floating-point numbers in various ways
-
jawe-cuvs-sys-ii
Low-level rust bindings to libcuvs
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
small_iter
A 3-pointer iterator that moves out of a
Vec<T>
orBox<[T]>
-
node2vec
in rust
-
maschen
A no-std compatible shunting yard implementation
-
ty_map_gen
A type projecting map generator
-
insides
A compact, high performance space filling curve library for Rust
-
probably
various approximate computing algorithms
-
ya-rand
fast random number generation
-
fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc
-
savant_core
Savant Rust core functions library
-
morton
space filling curve functions
-
competitive-programming-rs
Competitive Programming Library in Rust
-
ddgg
A stable graph with undo/redo built in
-
evolutionary
A fully extensible Rust framework for using paralyzed genetic algorithms to solve problems
-
kabsch_umeyama
Kabsch-Umeyama algorithm is a method for aligning and comparing the similarity between two sets of points. It finds the optimal translation, rotation and scaling by minimizing the root-mean-square deviation (RMSD)…
-
temporary
The package provides means of managing temporary files and folders
-
extsort-lily
An efficient external merge sort implementation
-
mersenne_twister
Mersenne Twister pseudorandom number generator
-
acacia
A spatial partitioning and tree library
-
activation_functions
collection of activation functions
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
diceystats
parse and interact with dice formulas
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
buf-min
Minimal utf-8 safe buffer traits
-
rcgal
Rust Computational Geometry Algorithms Library
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
simple_accumulator
accumulator for incremental statistical computations
-
moga
A multi-objective genetic algorithm framework
-
uints
Unsigned Integer Properties
-
algorithms-edu
Algorithms for pedagogical demonstration
-
watchmaker_vm
virtual machine for use with genetic algorithms
-
blossom
algorithm to get a maximum matching in an undirected graph
-
basic_dsp_vector
Digital signal processing based on real or complex vectors in time or frequency domain
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
range-reader
Converts low-level APIs to read ranges of bytes to
Read + Seek
-
anise
Core of the ANISE library
-
kermit-iters
Iterators used in Kermit
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
lapjv
Linear Assignmment Problem solve using Jonker-Volgenant algorithm
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
new_york_utils
calculation some things
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
opslang-parser
ops file language parser
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
polynomial_subspaces
general ways to deal with subspaces of the polynomial rings R[X] with R some ring
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
product-os-tower
Product OS : Tower is a derivative of the tower crate restructured for both std and no_std environments
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
rustgraphblas
Wrapper for GraphBLAS.h exposing SparseMatrix and SparseVector
-
md6
hash function for Rust via FFI
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
alea
randomness
-
small-fsm
Finite State Machine for Rust
-
gchemol-lattice
Periodic 3D crystal lattice
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
hnsw_rs_thousand_birds
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin - Modified by the Thousand Birds Inc team to support building for windows
-
quaternions
quaternion arithmetic with traits
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
str-distance
Distance metrics to evaluate distances between strings
-
endicon
Implementations of codicon traits for endianness encodings
-
fix-rat
A rational number type with fixed denominator
-
hexagex
Match binary data with hexadecimal regexes
-
zsplit
Split text into multiple files by line
-
aliri_macros
Macros used by the
aliri
family of crates -
topk
TopK algorithm implementation in Rust
-
space-filling
Generalized 2D space filling
-
easy_base64
The package provides the base64 encode/decode functions
-
catclustering
Agglomerative Clustering For Categorical Data
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
radiate-gp
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and trees
-
clock-zones
handling clock zones
-
index-utils
working with indices
-
trajectory
interpolation
-
eytzinger
implements the "eytzinger" (aka BFS) array layout
-
chsl
2D Game Physics Engine supporting Joints/Constraints
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
rotary-permutator
Permutations iterator
-
gym-rs
OpenAI's Gym written in pure Rust
-
eviolite
Toolkit for working with evolutionary algorithms
-
cytogon
Mesh generation library based on cellular automata
-
bufstream-fresh
Fork of the bufstream crate. Buffered I/O for streams where each read/write half is separately buffered.
-
nqueens-oxigen
N Queens problem resolution using oxigen
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
rust-algo
rust algorithms
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
cfg-regex
Conversion from a regular expression to a context-free grammar
-
seq-map
Sequential Map
-
addchain
Generate addition chains
-
sbatch-rs
sbatch command generator
-
namegen
Fast name generator
-
at-commands
AT Commands builder and parser for Rust #![no_std]
-
m4ri-rust
M4RI-based boolean linear algebra
-
hampel
Sequential outlier detection and removal using Hampel identifiers
-
small-ord-set
A set data-structure represented by a sorted
SmallVec
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
bufstream
Buffered I/O for streams where each read/write half is separately buffered
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
httlib-hpack
HPACK format implementation for HTTP/2
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
rootfind
Root-finding algorithms
-
petgraph-gen
Graph generators for petgraph
-
or-tools
Unofficial Rust wrappers to the C++ library Google OR-Tools, open source software for combinatorial optimization
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
pikkr-annika
JSON Parser which picks up values directly without performing tokenization in Rust. Reuploaded by Annika due to her compile problems.
-
rustproof
Compiler plugin to generate verification conditions from Rust code
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
bayes_elo
calculating Elo in balanced and unbalanced competitions or games
-
clone_dyn_types
Derive to clone dyn structures
-
vec-drain-where
alternative
Vec::drain_filter
impl -
rudac
common data structures and algorithms
-
sea-canal
Identifies patterns in sequences of integers
-
jsonposition
Finds a path to a JSON element at a provided string index
-
raddy
An automatic differentiation system for geometry and simulation
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
sparse-bitfield
Bitfield that allocates a series of small buffers
-
svdlibrs
port of LAS2 from SVDLIBC
-
path-finding
variety of path finding and graph operations. Work in progress.
-
cellular_maps
generate 2D procedural bitmaps using the cellular automata technique
-
async-io-map
mapping of async IO operations
-
cf_dist_utils
has risk and distribution utilities
-
iter_columns
Iterate over columns easily
-
rhash
custom hashing library
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
rs-uuid
Universally unique identifier generator
-
eom
Configurable ODE/PDE solver
-
ecdna-lib
The ecDNA distribution for the evolutionary of extra-chromosomal DNA (ecDNA)
-
pagino
Handle pagination's logic
-
snaplog
easily recording changes to values
-
rand_sfc
Chris Doty-Humphrey's SFC PRNGs
-
fleetfs_raft
language implementation of Raft algorithm
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
backtrace-on-stack-overflow
Best effort backtrace printing
-
ofps
Framework for efficient processing of optical flows/motion vectors
-
depict
Picture systems, tell stories
-
reunion
A generic implementation of the Union-Find w/ Rank data structure
-
phi-detector
Phi Accrual Failure Detector
-
peek-again
A performant iterator providing double peek functionality
-
darwin-rs
Evolutionary algorithms library written in Rust
-
romu
A pseudo random number generator using the Romu algorithm
-
highs-sys
Rust binding for the HiGHS linear programming solver. See http://highs.dev.
-
crabcrypt
A work in progress cryptographic library that currently supports hashing
-
fuzzy-search
collections for fuzzy search
-
polars-core
Core of the Polars DataFrame library
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
proc-opt
WIP: Process/Job scheduling optimization library
-
falcon-z3
Rust bindings for z3 and Falcon
-
elites
A fast and robust implementation of the Map-Elites algorithm in Rust
-
gamlr
estimating clock offset in networked systems based on the Gamma distribution
-
rustsat-kissat
Interface to the SAT solver kissat for the RustSAT library
-
teeint
A teeworlds variable int packer/unpacker
-
star_rng
opinionated PRNG for easier fuzz testing
-
rxqlite-sqlx-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
suitesparse_camd_sys
Raw bindings to SuiteSparse's CAMD algorithm
-
classific
Classifications, comparator and equivalence class implementations
-
algorithm_playground
Algorithms Playground: To learn and understand the working of different algorithms in Computer Science
-
img2avif
Convert images to AVIF format
-
seek_bufread
A drop-in replacement for std::io::BufReader with seeking support
-
copper
A constraint programming solver
-
const-chunks
Extension trait to chunk iterators into const-length arrays
-
hotdrink-rs
HotDrink in Rust
-
geo-visibility
Compute visibility polygon
-
rcalc_lib
Mathematical expression calculation library
-
pack
Solver for packing puzzle
-
branchy
tools for generating strings and sequences using context-free grammars
-
fibonacci-numbers
The 59th Fibonacci number
-
block-id
generating opaque, unique, and short string values from (unsigned) integers
-
bun-native-plugin
Rustified wrapper for writing native plugins for Bun
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
drone-stm32-map-svd
STM32 SVD to bindings for Drone, an Embedded Operating System
-
rs-graph
graph algorithms and combinatorial optimization
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
b2c2-stat
デバッグ用にところどころで使ってるぽい
-
lsh-rs
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
yada_mod
Yada is a yet another double-array trie library aiming for fast search and compact data representation. This fork added a tokenization function
-
bubble-sort-scala
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
dahl-partition
An efficient representation of a set partition
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
random_grouping
random grouping
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
simple-std
extension to the Rust standard library for exercises
-
tinysort
The lowest memory footprint sorting algorithm
-
node-resolve
The Node.js module resolution algorithm
-
freelist
datastructure implementation providing unsafe access to backing storage
-
redfa
Regular expression derivatives for creating DFAs
-
xitca-unsafe-collection
unsafe keyword enabled utilities for xitca
-
mathjax_svg
Convert mathematical expressions to SVG using Mathjax
-
poisson
Poisson-disk distribution generator
-
RayBNN_Graph
Graph Manipulation Library For GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI
-
non-random-state
Deterministic HashMap and HashSets
-
best-path
Shortest/longest path algorithms, where edge weight accumulation via either a sum or a product
-
anyrust
any rust
-
imgddcore
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
packr2
a few packing algorithms for your needs
-
dp_macro
procedural macro that implements memoization for dynamic programming
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
entoli
A functional programming library inspired by haskell
-
pire-gemm-s8u8s32
high performance cpu kernels
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
trie-alg
Trie implementation
-
fp-growth
algorithm in pure Rust
-
hnsw
Fast approximate nearest neighbors
-
llinks
-
flann
Bindings for the FLANN library
-
gearhash
Fast, SIMD-accelerated hash function for content-defined chunking
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
ceres-solver-src
Rust distribution of Ceres Solver built as a minimal static library
-
libpermute
A
no_std
compatible library that provides a function to permute the items of a slice -
convert-base
convert the radix (base) of digits stored in a vector
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
wstring_tools
Tools to manipulate strings
-
dakv_skiplist
skiplist for dakv
-
statistical
statistics library
-
posthog-symbol-data
A shared library for serialising/deserialising PostHog symbol data
-
flipflop
Stress-tester for double-ended iterators
-
meshed
Graph creation and traversal tools
-
id_graph_sccs
Find the strongly-connected components of a graph with nodes labeled by integer ids
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
geo-aid-script
Geo-AID's subcrate for parsing GeoScript
-
isolation_forest
Isolation Forest anomoly detection algorithm
-
vmm
A math library focused on vectors and square matrices (Not in development)
-
dia-ip-range
-
nblast
neurite similarity algorithm
-
packed-uints
Array of uints that scales from u4 to u32 to minimize wasted space while still being fast
-
mako
main Sidekick AI data processing library
-
sat_toasty_helper
more-easily writing SAT constraints
-
elias-fano
encoding in Rust
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
asciimath-parser
A fast extensible memory-efficient asciimath parser
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
heapz
Heap/Priority Queue implementations
-
bresenham
A fast, iterator-based integer-only implementation of Bresenham's line algorithm
-
blake3-std
the BLAKE3 hash function implementation with std::simd
-
elic
A utilities library for Rust
-
indexed_bitvec
An indexed bitvector with (hopefully) fast rank and select operations
-
raftlog
distributed replicated log based on the Raft algorithm
-
simple_mod_int
modint library
-
algx
Knuth's Algorithm X
-
javarandom
Pure rust implementation of java.util.Random
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
rs_lockfree
a lock-Free lib based on practical Hazard Pointers algorithm
-
smtlib-lowlevel
A low-level API for interacting with SMT solvers
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
wimlib
(Hopefully) idomatic bindings to the wimlib library
-
dynstack
A stack for trait objects that minimizes allocations
-
sorting
The world's best, finest and inefficient sorting algorithms
-
quad-to-quad-transformer
Translate 2d points from one quad to another
-
vrp-cli
A command line interface for VRP solver
-
prec
A generic operator-precedence parser library
-
cobalt-async
collection of helpful functions for working with async Rust
-
cut-optimizer-1d
A cut optimizer for cutting linear pieces
-
vivalaakam_neuro_utils
calculation some things
-
deepnest-rust-minkowski
Minkowski operations for deepnest
-
clamd-client
Rust async tokio client for clamd. Works with a tcp socket or with the unix socket. At the moment it will open a new socket for each command. Work in progress.
-
xxh
XXHash algorithm implementation for Rust
-
transcendent
-
easy_argv
helper for pulling and converting arguments, flags, and value overrides from a command statement
-
drain-rs
Automatically cluster semi-formatted text with the drain algorithm
-
iso9796_rsa
ISO-9796 signature algorithm
-
treemap
Squarified Treemap algorithm
-
detect-lang
Language detection given paths and extensions
-
topset
Top N selector
-
gemm-c32
Playground for matrix multiplication algorithms
-
re_byte_size
Calculate the heap-allocated size of values at runtime
-
swap3
Swapping of three references, rotating the values left or right
-
lpn
Software to study attacks on the Learning Parity with Noise problem
-
stara
A* Search Algorithm
-
reciprocal
Baseline implementation of integer division by constants
-
enso-shapely
Automated typeclass derivation
-
dragoonfri
Fast Reed-solomon Interactive oracle proof of proximity
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
java_random
The java LCG and random module implementation in rust
-
blu
LU factorization with dynamic Markowitz search and columnwise threshold pivoting
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
hulahoop
An efficient consistent hash ring implementation supporting virtual nodes
-
chromaprint
Bindings to Chromaprint
-
uwu_wasm
uwuifying the web
-
anti-r
A spatial data structure outperforming r-trees for low numbers of elements
-
chull
Convex hull approximation
-
easylazy
Easy lazy initialization of variables
-
dartlib
Disk backed concurrent Adaptive Radix Tree implementation, with optional generations
-
hybrid-clocks
Hybrid Logical Clocks
-
muffin
background job processing library designed to work with MongoDB as its storage backend
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
sprs-rand
Random sparse matrix generation
-
fixed_ring_buffer
An asynchronous SPSC fixed-capacity look-free ring buffer, which can be used to transfer data between two threads or between two asynchronous tasks
-
randomgen
generating random data such as names, emails, phone numbers, and dates
-
ccl-fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc. This is a fork designed for use with ccl. Rights go to the original creator.
-
stream-more
Stream utilities for Rust
-
bellande_probability
running Bellande Probability calculations via API
-
fibonacci_series
Fibonacci Sequence. The Fibonacci Sequence is the series of numbers: 0, 1, 1, 2, 3, 5, 8, 13, 21, 34, ... The next number is found by adding up the two numbers before it.
-
nyar-number
Numeric types with GC optimization
-
gitignored
gitignore algorithm
-
ctcore
Precision tools for the CTfile family of file formats
-
word_search_solver
Solves a word search
-
eff
Algebraic Effects Library for Rust
-
concorde
reconfigurable lattice agreement
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
bubbletree
Bubble-tree
-
cp-rs
Competitive programming library, especially for AoC
-
easy-int
macros for easy implementation of integer aliases
-
divisors
A blazing fast library to find all divisors of a natural number
-
rustlex_fsa
manipulating (deterministic) finite automata
-
data_storage_units
Unit converter for rust language
-
tiny-earley
Minimalistic implementation of Earley's algorithm
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
bugu
Cuckoo Filter: Practically Better Than Bloom
-
cutter
usefull functions for parsing text. Used for cutting between strings.
-
kurobako_solvers
A collection of black-box optimization solvers
-
eater_rangeset
work with set's of ranges
-
leetcode_for_rust
leetcode for rust
-
ijzer_lib
IJzer. Provides tools for tensors, parsing syntax tree of the IJ language and transpiling it to rust code.
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
gbps
gossip-based peer sampling
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
crossbeam-skiplist
A concurrent skip list
-
ilattice
2 and 3-dimensional integer lattice math
-
automerge
A JSON-like data structure (a CRDT) that can be modified concurrently by different users, and merged again automatically
-
utility_converter
lib offering accurate conversions for temperature, weight, and distance
-
bidimensional
A collection of 2D utilities for coordinate representation and manipulation
-
regex-lite
A lightweight regex engine that optimizes for binary size and compilation time
-
triple_buffer
triple buffering, useful for sharing frequently updated data between threads
-
std_collection_traits
Abstraction of operations in std collection types
-
pareto_front
Builds a Pareto front incrementaly
-
yaum
Units of Measurement
-
simple-rate-limit
Rate limit enforcement as simple data structures, no atomics
-
alloc-align
Allocator wrapper that forces a given alignment (nightly only)
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
sparse
-
rangelist
A representation of sets as lists of inclusive ranges
-
lbasedb
Low level DBMS in Rust focusing on datasets
-
nlsn-delaunay
Delaunay Triangulation and Refinement implementation through Bowyer Watson incremental insertion, conflict maps and ghost vertices
-
moo-math
math interpreter
-
genx
An easy to use and modular genetic algorithms library
-
stack-bitset
Stack-allocated generic-sized bitset implementation. WIP
-
hnswlib-rs
Parse and query HNSW indices
-
snowflake-rs-impl
Twitter's Snowflake ID generation algorithm
-
set-trie
A trie for fast subset and superset queries
-
dach
A general delta encoded network difference algorithm
-
nucleic-acid
Implementations of Suffix Array, Burrows-Wheeler Transform and FM-index
-
sortbuf
Data structure for sorting large numbers of items
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
caminos-lib
A modular interconnection network simulator
-
sugiura-hiromichi_mylibrary
my personal library
-
multidimension
High-level manipulation of multi-dimensional arrays
-
small-bwt
BWT construction in small space
-
slsqp
optimizer for Rust
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
spatial_hash
A 2D Spatial Hash which uses cubes, triangles and hexes
-
exact-cover
(WIP) Asynchronous exact cover solver library using Knuth's dancing links algorithm
-
meos-sys
MEOS C API bindings
-
slur
A fast, iterative, correct approach to Stackblur, resulting in a very smooth and high-quality output, with no edge bleeding
-
soco
Algorithms for Smoothed Online Convex Optimization
-
librsb-sys
FFI interface for librsb
-
mersenne-twister-m
mersenne twister pseudorandom number generator
-
hc128
HC-128 stream cipher. support
no_std
environment. -
buffer-trigger
A data collection trigger based on the maximum number and refresh time
-
braque
Split image into tiles and scramble/unscramble them based on a seed
-
rkm
A generic k-means implementation
-
smooth-numbers
Algorithms to generate smooth numbers
-
kahan
types to perform Kahan summation
-
dsll
Fast Thread Safe Doubly Sorted Linked List
-
w_inter
❄️ Weighted INTERval scheduling problem
-
fstd
A fast standard library for Rust
-
sortby
adds convenient sort functions for Iterators
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
tdlg
Generates a grid of cells that could be used to build a top-down game map. Used by me to learn Rust.
-
std-dev
Your Swiss Army knife for swiftly processing any amount of data. Implemented for industrial and educational purposes alike.
-
stack
DSTs and arrays on the stack!
-
metro
rendering graphs similar to
git log --graph
-
jay-algorithms
Internal dependency of the Jay compositor
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
sol_prng
functional pseudo random number generator. No mutability. Relies on shadowing as of now.
-
crc32-bzip2-fast
SIMD-powered implementation of CRC-32/BZIP2 (B-CRC-32 CRC-32/AAL5 CRC-32/DECT-B)
-
flac-sys
Bindings for FLAC 1.3.2
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
iban_validator
A zero-dependency hobby crate that can be used to validate ibans
-
truth-values
Generate all possible combinations of N bools
-
searchlib
Satisficing and optimal search algorithms
-
ray_tracing_core
Ray Tracing based on Peter Shirley's mini books
-
r2r_rcl
Internal dependency to the r2r crate
-
indented-blocks
parser for indented blocks
-
rabitq
vector search algorithm
-
wl-tools
Wordlist tools – algorithms and data structures for working with lists of words
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
custom-rust-stemmers
Experimental fork of: A rust implementation of some popular snowball stemming algorithms
-
routee-compass-core
The core routing algorithms and data structures of the RouteE-Compass energy-aware routing engine
-
s5
equation solver written in Rust, built for solving some homework-style problems in orbital mechanics
-
squares-rnd
fast counter based non-crypto random generator
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
quickbacktrack
backtracking with customizable search for moves
-
try_all
Extends iterators with
try_all
to convert iterator of results into result of iterator of okays -
keybob
A cryptographic key utility
-
lazy_futuristic
Initialize variables lazily, futuristically
-
summed-area-table
summed area table
-
bit_combi_iter
An iterator to iterate all bit combinations less than given unsigned integer
-
flatty
Flat message buffers
-
satif-minisat
Rust wrapper for the minisat SAT solver
-
etsm
Efficient Tiny State Machine using object callbacks
-
rex-regex
A pedestrian library for regular expressions: Slow, but easy to understand
-
markov_rs
fast Markov chain generator in Rust
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
rustgym-util
handy macros, data types and traits for rustgym
-
tiamat
a PRNG library
-
assessment
that allows different types of assessments, to convert between them and to perform basic operations
-
rust_clue_solver_2
a way to figure out a clue game more easily
-
solve-leetcode
Solutions to leetcode in rust
-
lfa
Native rust implementations of linear function approximators
-
easy_xxhash64
Easy API to use xxHash for byte vectors and files
-
clingo-sys
Raw FFI bindings to the C API of the clingo library
-
kratom
neural network library
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
reservoir-sampling
Implementations of a variety of algorithms for reservoir sampling in Rust
-
rxing
port of the zxing barcode library
-
cienli
historical ciphers implemented in rust
-
aocsol
generate solver for AOC puzzle
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
median-heap
A median heap implementation in Rust, used to keep track of a running median of a sequence of numbers
-
wookong-solo
Wookong Solo driver crate
-
freeverb
algorithm
-
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
tdb-succinct
succinct data structures used by terminusdb
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
runiverse
A pure and safe Rust library to make astronomical calculations and solve astronomical algorithms
-
harper
implement SSGs
-
ribbon
Tape machine for peeking through windows of iterators
-
eratosthenes
Mathematical operations library for Rust
-
binartree
Binary Tree realisation
-
noice
Fork of noise-rs, a procedural noise generation library
-
leetcode_utils
Boilerplate and helper functions for leetcode exercises
-
scan-rules
some macros for quickly parsing values out of text. Roughly speaking, it does the inverse of the print!/format! macros; or, in other words, a similar job to scanf from C.
-
hirschberg
Generic implementation of Hirschberg's algorithm in Rust
-
genetic-rs-common
Commonly-used parts of genetic-rs
-
rummikub_solver
Solves a board of Rummikub game by attempting to fit every piece given into a valid game set
-
byte_rb
byte ring buffer
-
hydraulic
An interface for generic compression library usage with a collection (unimplemented so far) of pre-existing compression libraries
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
utf-8
Incremental, zero-copy UTF-8 decoding with error handling
-
moore-hodgson
Moore Hodgson's Scheduling Algorithm in Rust
-
unfold
in Rust
-
rink-core
Unit conversion library behind rink
-
dancing-cells
Solnon and Knuths Dancing Cells algorithm
-
hutton-rust
The Hutton cipher implemented as a Rust crate
-
varstack
A call-stack based singly-linked list
-
profqu_neat
that implements the NEAT algorithm
-
networkit-rs
Rust bindings for Networkit
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
fuss
Small, lightweight simplex noise generator for Rust
-
permanganate
Graph and Boolean SAT solver for Numberlink and Flow Free
-
partitions
A disjoint-sets/union-find implementation that allows for efficient iteration over elements of a set
-
concorde_rs
binding to Concorde TSP Solver
-
randotron
Trivial little library that lets you randomly execute a closure with a sample rate
-
buckets
O(n) integer sort
-
aviary
bird combinators for Rust
-
actix-raft
Raft distributed consensus protocol using the Actix actor framework
-
wfc-rs
Binding to the krychu/wfc C library
-
cityhash-102-rs
Faithful reimplementation of CityHash v1.0.2 64bit and 128bit hashes
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
scales
converting values between scales
-
vlq-rust
Variable-Length Quantity encoder/decoder
-
oars
providing construction methods and utility functions for orthogonal arrays and strong orthogonal arrays
-
sra
A collection of spaced repetition algorithms
-
smoothed_z_score
Smoothed z-score algo (very robust thresholding algorithm)
-
rusty_jsc_sys
Raw bindings for the JavaScriptCore engine
-
jumphash
A Fast, Minimal Memory, Consistent Hash Algorithm
-
arboretum-td
CLI for obtaining exact and heuristc tree decompositions for arbitrary graphs
-
plumcast
A message broadcasting library based on the Plumtree/HyParView algorithms
-
wildescape
string matching with questionmark, star wildcard operator and an escaped character
-
quriust
simulate a quantum computer. Only for quriust ones.
-
algo_sorting
implement all kind of sorting in the world of algorithms and more sorting methods will be implemented soon
-
learn-rust-with-bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
sortnet
Sorting Networks for Rust
-
web_random
Web functions for randomness
-
robust-binary-search
Robust Binary Search provides a binary search implementation which is robust against errors during the search
-
randu
MCG65539 is IBM System/360 random number generator
-
collide-capsule
Capsule collider implementation for the collide crate
-
ford-johnson
algorithm (aka merge-insertion sort)
-
limited_direction
Find path to any direction and distance but with limited directions
-
spsc-ringbuf-core
Heapless ring buffer
-
ctrs
Rust implementations and notes on category theory
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
container-image-ref
Container Image Referneces
-
microcad-std
µcad Standard Library
-
map-gen-2d
2D map generation algorithms implementaion
-
rsleetcode
Implementations of LeetCode problem solutions in Rust
-
satlog
A logger for SAT-like solvers
-
hac
Hardware Accelerated Computing API for portable high performace computing with the GPU
-
bravery_router
Radix Tree implementation
-
allehanda
Miscellaneous data structures and algorithms
-
retry_durations
generates a duration iterator for [retry] crates
-
ruva-es
Event Driven TEvent Handling
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
num-to-words
Number to words converter
-
faststd
Moved to
fstd
(https://crates.io/crates/fstd) -
xcc
Exact Cover solver with color extensions
-
thirtyseconds
Short Rust 🦀 code snippets for inspiration
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
jmbl
A high performance CRDT
-
marzullo
Marzullo's algorithm
-
coding_pk
pk for coding solution
-
red_union_find
union find algorithm
-
promql
parser
-
tw-id-num
Check or generate Taiwan ID numbers
-
bitvec-rs
Bit vector with guaranteed
[u8]
representation and the ability to get safe immutable and mutable views into its internal vector for easy I/O -
demes-forward
rust API for iterating demes models forwards in time
-
ripple
General-purpose DSP data structures and algorithms
-
const-murmur3
A const fn implementation of the murmur3 hashing algorithm
-
basic_stochastics
A small collection of utilities to make performing basic stochastic calculations more convenient
-
space_alloc
General purpose space allocators
-
rdx
A collection of traits and algorithms to ease using radix sorts
-
broadword
algorithms
-
onlinematching
Online bipartite matching is a type of matching problem where the goal is to match elements from two disjoint sets (also known as "bipartite graphs"), where one set represents the "left"…
-
case_converter
Case Converter
-
hel-random
RNG with weak entropy source (alloc) and xoshiro256++ hashing
-
mecs
An ecs library with a focus on iteration performance
-
potpack
Rust port of the potpack algorithm
-
fake_headers
Generate fake HTTP headers for your HTTP requests
-
rust-phone-number-geo
中国境内手机号码归属地查询
-
rustmt
A MT19937 PRNG implementation for rust
-
gbm-sys
Bindgen generated unsafe libgbm wrapper
-
mgraph
performance-oriented graph library for Rust
-
cuckoo
search algorithm
-
grid_shapes
A general purpose 2d grid shape library
-
curieosa
Parse parsing Internationalized Resource Identifiers (IRIs) into Compact Uniform Resource Identifiers (CURIEs)
-
async-hsm
The lightweight asynchronous hierarchical state machine (HSM)
-
gmatlib
linear algebra in Rust and beyond!
-
forky_core
Rust Utilities
-
datom-bigdecimal
Arbitrary precision decimal numbers
-
kmp
Various functions using the Knuth–Morris–Pratt algorithm to efficiently find patterns
-
unirand
A Marsaglia's universal random number generator
-
signalo_sinks
A collection of filters used in 'signalo' umbrella crate
-
rodar
a command line tool that brings together all the functions Roy would use for analysis and decision-making
-
osrandom
An interface to the OS' secure random number generator
-
skelly
Skeleton animation and IK
-
based64
BASE64 implementation for chads
-
ann_dataset
A lightweight research library for managing Approximate Nearest Neighbor search datasets
-
rust-algorithm
algorithm
-
rational_deduction
rational deduction algorithm
-
stateful
Design patterns for GUI application development
-
pokereval
evaluating poker hands with 5 or 7 cards
-
cursive-audiovis
Audio visualization views for the cursive TUI library
-
partial_sort
provide a Rust version std::partial_sort
-
equation-solver
equation solver that evaluates simple mathemetaical expressions
-
cognitive-outputs
Output related functionality for
cognitive
-
first_order_logic
first-order logic
-
rev_bits
reverses bits in a specified range
-
drunken-diver
Implements an algorithm inspired by the Drunken Bishop algorithm
-
perchance
Very simple random number generation optimized for ease of use
-
aaplus
astronomical algorithms
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
sonic-url
URL-based request builders and parsers for SONIC distributed contracts
-
sbrd-gen
Schema-Based Random Data GENerator
-
sorock
A Multi-Raft implementation in Rust
-
similarity
calculating similarity between numerical slices
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
halton
A module for generating Halton sequences
-
hwp
낮은 수준의 hwp 파서
-
number-based
attempt of mine to make working with number bases simple
-
aobscan
multi-threaded AOB memory scanning
-
sbml-rs
SBML parser written in Rust
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
lifering
A Hash wrapper around floats
-
dihardts_cstools
Collection of data structures and algorithms
-
alcs
All Longest Common Subsequences and String Fuzzy Search
-
hipparchus-geo
latlon, ellipisoid & geodesic calculations
-
wfc
Generate images using Wave Function Collapse
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
ziku-algorithms
some common algorithms
-
bcmp
bcmp offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
organism
A struct used for a genetic programing algorithm
-
prng_mt
Mersenne Twister PRNG in Rust
-
gcra
A basic implementation of GCRA algorithm for rate limiting
-
watchmaker
A genetic algorithm implementation in Rust
-
shannon
cipher implementation
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
radixal
Digits iteration for unsigned integer types
-
batbox-la
Linear algebra
-
murmur2
hash functions - see docs.rs
-
fuzzy_dbscan
FuzzyDBSCAN algorithm
-
tars
providing useful technical indicators
-
hatmil
HTML builder
-
rdeck
choosing distinct random elements
-
fuzzed-data-provider-rs
that you can use in order to consume fuzz binary data and shape them into structured values
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
faust-types
Types and traits needed by Rust modules built from FAUST dsp files
-
bft-core
An efficient and stable Rust library of BFT core for distributed system
-
random_tester
similar to https://www.fourmilab.ch/random/
-
bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
euphony-mix
mixing logic for euphony compositions
-
algorithms
most common algorithms
-
qrs_detector
Realtime ECG QRS detector algorithm
-
netaheuristics
Framework to create metaheuristics
-
biiter
A bidirectional Iterator
-
resead-rs
reverse engineered Nintendo's SEAD library
-
tension
Tensor library with OpenCL acceleration
-
rustler_bigint
Handle Erlang's arbitrarily-sized integers
-
selecta_score
Selecta scoring algorithm
-
subway
Fast, performant in-memory SkipList implemented in Rust
-
optimus
ID hashing and Obfuscation using Knuth's Algorithm
-
mocker
transforming text with uppercase and lowercase letters, resembling the Spongebob Mock Meme
-
deterministic-finite-automaton
generic implementation of a deterministic finite automaton
-
phreak_engine
Rule matching algorithm focussed on speed
-
compute-float
Computes floating point numbers using Eisel-Lemire algolithm
-
gt-directed-bijective-connection-graph
an implimentation of a directed bijective connection graph
-
ripped
A pure-Rust Interior-Point solver for linear programs
-
rlwe
Arithmetic in RLWE rings
-
autocomplete
Auto-complete feature using Trie data structure
-
vkfft
Rust bindings for VkFFT
-
lis
Longest increasing subsequence algorithm
-
timeflaketiny-rs
TimeflakeTiny is 64-bit sized timebased unique, roughly-ordered and compatible with sqlite. Inspired by original Timeflake that is 128-bit sized.
-
okvs
WIP implementation of Oblivious Key-Value Stores
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
labeledgraph
A flexible graph library for rust
-
tower-fallback
A Tower service combinator that sends requests to a first service, then retries processing on a second fallback service if the first service errors
-
sort_algos
Sorting alghoritms
-
fawkes-crypto-pairing_ce
Pairing-friendly elliptic curve library
-
sfcpl
private library for atcoder
-
utils-soeur
Just a library of practical tools for my own use
-
algo
Algorithms & Data Structure implementations
-
extra_waiters
Wait for notifications without a Mutex
-
chunk-diff
A fast and memory-efficient library for computing the difference between two frames of rect
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
rust-distributed-id
Rust version of the Twitter snowflake algorithm
-
osqp-rust
The OSQP (Operator Splitting Quadratic Program) solver
-
rpack
Packing algorithm implmentation
-
normalized-hash
Cross-platform hash algorithm
-
reset-recognizer
A RegexSet based route recognizer
-
minhash-rs
MinHash trying to be parsimonious with memory
-
cbsrs
A Circular Binary Segmentation algorithm
-
partition-iterator
Iterator adaptors that enumerate all partitions or all k-partitions of an iterator's content
-
drunken_bishop
OpenSSL's randomart algorithm
-
zhong_rust_lib
adding two integers
-
indentsort
Structure-preserving sorting of arbitrary indented text
-
squirrel3-rs
reliable random number generator
-
genomic
A small crate for implementing genetical algorithms
-
llsc
load-link/store-conditional implementation using atomics
-
csparse21
Sparse Matrix Solver
-
sortrs
An introspective sort implementation
-
libtqsm
Sentence segmenter that supports ~300 languages
-
lccc-siphash
Highly Optimized siphash implementation for use by lccc
-
event-voxel-builder
Fast event voxel builder
-
milvus-sdk-rust
The official Milvus Rust SDK
-
bvh
A fast BVH using SAH
-
searchsort
trait implementing Binary Search and Quick Sort algorithms
-
algosort
sorting algorithms
-
rust-ukf
unscented Kalman filter in rust which supports multiple different measurement updates
-
chf
Cryptographic hash functions used by rust-bitcoin
-
iterutils
Provide easy way to iterate through multiple iterators in ordered/selective way
-
fast-dhash
A fast rust implementation of the perceptual hash dhash
-
quick_select
The Quick Select algorithm for Vec implemented in rust using Lomunto partitioning
-
windmouse-rs
windmouse
-
probabilities
Compact library for sampling and calculations related to various statistical distributions
-
yamcts
Monte Carlo Tree Search
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
libtess2-rs
good quality polygon tesselator and triangulator
-
std_tools
Collection of general purpose tools for solving problems. Fundamentally extend the language without spoiling, so may be used solely or in conjunction with another module of such kind.
-
statics
calculating static forces on free body diagrams
-
openraft-rocksstore
A rocksdb based implementation of the
openraft::RaftStorage
trait -
power-consistent-hash
Power consistent hash - constant expected time constant memory consistent hash
-
remedian
A Rust implementation of The Remedian
-
porco
Composable probability distributions
-
iobuf
A contiguous region of bytes, useful for I/O operations
-
markovr
Higher-order Markov Chains
-
pincol
PINned COLlections: data structures utilizing
Pin
pointer -
integer-cbrt
integer cube root algorithm for primitive rust types
-
sorts
A collection of sorting algorithms
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
z3-sys
Low-level bindings for the Z3 SMT solver from Microsoft Research
-
subproductdomain-pre-release
Implements subproduct domain algorithm
-
bmatcher-core
bmatcher is a flexible and efficient binary pattern matching library designed to help you search and match binary data
-
openmodel
Geometry library for structures
-
mop-solvers
Solvers for MOP
-
aob_common
String searching with wildcards
-
synevi_persistence
A leaderless, consensus library based on Apache Cassandra's Accord algorithm
-
wordfeud-solver
evaluate all possible moves given a wordfeud board and rack
-
const_sized_bit_set
A bitset with a const generic size parameter indicating the number of 64 bit words to use
-
double_sort
fast and simple sorting algorithm which groups numbers into pairs and orders them onwards as nodes
-
colorid
The unique 4-colors-ID string generator in in Rust
-
cetkaik_random_play
Randomly plays the game of cetkaik. See https://sites.google.com/view/cet2kaik/the-standardized-rule-in-english for more context.
-
dyn-smooth
Dynamic smoothing filter based on an algorithm by Andrew Simper
-
raindrop
Non-official API client for Raindrop
-
m4ri-sys
Bindings to m4ri
-
texcraft-stdext
Rust data structures and algorithms used in the Texcraft project
-
graph_kit
graph algorithms
-
zero-copy-pads
Padding/aligning values without heap allocation
-
ceres-solver-sys
Unsafe Rust bindings for the Ceres Solver
-
random_lfsr_256_galois
random generator imlplementation based on linear feedback shift register (LFSR, Galois variation) on 256-bit polynome
-
depper
basic dependency validation
-
libribzip2
a bzip2 library written in pure rust
-
stochastic_optimizers
Generic implementations of gradient based stochastic optimizing algorithms
-
wordlea
A algorithm to check Wordle's word guess
-
disk-based-bfs
Fast generic implementation of breadth-first search using disk storage, suitable for extremely large implicit graphs
-
clipper-sys
Boolean operations on polygons (Clipper wrapper)
-
prime-number-utils
generate prime numbers and to determine whether a number is prime efficiently
-
spsa
Simultaneous perturbation stochastic approximation
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
opti_solve
Common optimization algorithms
-
quine-mc_cluskey
Quine-McCluskey algorithm and Petrick's method
-
search-autocompletion
Search Auto Completion
-
varisat-checker
Proof checker for proofs generate by the Varisat SAT solver
-
no-std-moving-average
Moving average filter for use in nostd environments
-
test_common
Just an utility library with functionality I usually use in my unit tests and integration tests
-
kvakvs/erlangrt
Erlang Replacement Therapy. Another attempt to make Erlang runtime (BEAM emulator) in Rust. Good news: I know what to do. Bad news: I have no clue how to Rust
-
chessie_types
Internal crate for use in the
chessie
crate. Do not use independently -
bigs
A bipartite graph sampler
-
cellular-snapp
Create cellular automata
-
n18tile
Defines 18xx tile elements and track networks
-
ffuzzy
generate / parse / compare ssdeep Context Triggered Piecewise Hashes (CTPH)
-
raft-proto
Protocol definitions for the rust language implementation of the Raft algorithm
-
soplex-sys
FFI bindings to the SoPlex LP solver
-
lazy-char-iter
Lazily iterate over Unicode characters from a u8 slice in Rust
-
win95-keygen
A lightweight library to generate valid Win95 product keys
-
gosh-fire
FIRE algorithm for geometry optimization
-
atomex
Atomics extensions in Rust
-
satsnet_hashes
Hash functions used by the rust-bitcoin eccosystem
-
location_based_sharding
Right sized sharding algorithm
-
geo-rand
Generate random geometric shapes
-
enso-generics
supporting generic programming
-
stackbt_automata_impl
Automata implementations for StackBT
-
Cantor-Pair
A general algorithm to enable cantor pairing and unpairing between usizes. I'm not responsible for any damages if this code breaks GL GG
-
yet-another-md5
compute md5 hashes from Read objects
-
rotbl
Read Only Table
-
tierkreis-core
Core implementation for the tierkreis quantum-classical hybrid workflow orchestration tool
-
numcmp
Comparison between differently typed numbers
-
logicng-open-wbo-sys
LogicNG Bindings for OpenWBO
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
data_units
Data unit converter
-
scaly
programming language
-
anndists
some distances used in Ann related crates
-
lightningscanner
A lightning-fast memory pattern scanner, capable of scanning gigabytes of data per second
-
flowing
flow graph processing library
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
blackboxmc_java
BlackboxMC bindings for java.util
-
library_of_babel
Babel in Rust
-
graph-neighbor-matching
Graph similarity score using neighbor matching
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
unarray
working with uninitialized arrays
-
gplu
Sparse LU factorization with partial pivoting
-
lyon_path
Types and utilities to store, build and iterate over 2D paths
-
lcs_rs
longest common subsequence
-
apriltag-sys
Rust bindings for AprilTag library
-
simple-rnd
Tiny random number generation library
-
gsl_rust
A safe GSL wrapper
-
dzn-rs
dealing with DZN files used in the MiniZinc language
-
sprs_suitesparse_camd
sprs bindings to the suitesparse camd fill-in reducting ordering
-
graph_solver
An undirected graph constraint solver for node and edge colors
-
npcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
robin_merge
merging vectors round-robin style
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
lazy_transducer
Lazy, parallel, indexable, generic data iterators
-
cellular_lib
simulation of cellular automata
-
co_sort
Sort arrays given a permutation
-
non-dominated-sort
Fast Non-Dominated Sort Algorithm
-
aud
A minimal implementation of Sagas
-
scad_tree_math
Math library for scad_tree
-
aleph-alpha-tokenizer
A fast implementation of a wordpiece-inspired tokenizer
-
raftmodel
A logic model for the raft consensus algorithm
-
local-or-heap
type with a pre-specified size, regardless of the size of the T type it contains, using heap allocation if necessary
-
xxhash-c-sys
Bindings to xxhash
-
sliding_dft
Sliding DFT
-
npc-engine-utils
module of the NPC engine, providing re-usable support code
-
parallel-factorial
fast, parallel factorial calculator
-
rustsat-glucose
Interface to the SAT solver Glucose for the RustSAT library
-
refset
A non-owning HashSet
-
rusted_list
A ever sorted list for rust that is operating on binary search
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
surrealml-core
The core machine learning library for SurrealML that enables SurrealDB to store and load ML models
-
dyn_ord
Equality and ordering for trait objects
-
lttb
Largest Triangle Three Buckets algorithm
-
ram
that helps to parse source code with finite state machines
-
cubecl-spirv
SPIR-V compiler for CubeCL
-
numeric-algs
implementing some numerical algorithms
-
bidir-map
Bidirectional map implementation for Rust
-
ecoord-transform
Supplementary operations for transforming between 3D coordinate frames
-
rope_rd
A Read/Seek rope implementation
-
competitive-hpp
Competitive Programming Library for AtCoder with Rust
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
kissat
wrapper for the Kissat SAT solver
-
gemm-c64
Playground for matrix multiplication algorithms
-
distributed-cards
Implements the mental poker shuffling algorithm
-
autosat
Automatic conversion of functions to CNF for SAT solving
-
seeded-random
deterministic randomness
-
sincere_token
token
-
wordle-automaton
Solve wordle puzzles
-
fux_kdtree
K-dimensional tree implemented in Rust for fast NN querying
-
oshash
https://pypi.org/project/oshash/ in Rust
-
phreak_rules
Rule matching algorithm focussed on speed
-
spacetimedb
Easy support for interacting between SpacetimeDB and Rust
-
speedytree
Canonical and RapidNJ implementations of Neighbor-joining in Rust
-
etcd_dynamic_state
Etcd dynamic state library
-
powers
Power flow simulation and optimization
-
fuzzy-filter
A fast implementation (O(n)) of fuzzy-filtering
-
jaro_winkler
Fast implementation of Jaro-Winkler for comparing two strings
-
tensoraudio
Reading and writing WAV files to and from tch-rs compatible tensors
-
dispnet-shared
Shared Library used for Dispnet
-
aabel-bloom-rs
implements the Bloom filter
-
dft
The package provides an algorithm to compute the discrete Fourier transform
-
simplerandom
pseudo-random number generators
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
isogeometric_analysis
Create implementing algorithms related to Isogeometric Analysis. Bezier, B-spline, NURBS, numerical integration and isogeometric approach to PDE approximation.
-
flat_map
A compact map stored as a vector of key, value pairs
-
selfsimilar
A fast generator of discrete self similar random numbers
-
ecitygml-converter
converting CityGML data to other representations
-
perm
-
streemap
Set of tree map algorithms (binary, squarified, ...)
-
largest-remainder-method
The largest remainder method
-
cfpyo3_rs_bindings
a collection of performant utilities
-
biterate
API for Gurobi optimizer
-
seqdiff
Diff between two sequences
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
fera
An aggregation of algorithms, data structures and supporting crates
-
test_tools
Tools for writing and running tests
-
triangle-rs
binder for the 2D mesh generator and Delaunay triangulator Triangle
-
meowhash
Meow hash function
-
pso
Particle Swarm Optimizer
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
metromc
Markov chain Monte Carlo sampling using the Independence Metropolis-Hastings algorithm
-
team-dag
team crate member - dag
-
simple_graph_algorithms
goal of making running graph algorithms as easy as possible
-
rand-bits
Random number generators with a fixed number of set bits (ones)
-
pcg
A port of the PCG random number generation library
-
finite-state-automaton
A minimal DFSA implementation based on Jurafsky & Martin (2009)
-
aliasmethod
Walker's Alias method
-
idalloc
different methods of allocating unique identifiers efficiently
-
random_access_unicode
Provide random access to the unicode characters in a file
-
comtesse
graph utilities
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
rexl
Common Library for Rust
-
algen
A parallelized genetic algorithm runner
-
minecraft_end_generation
The minecraft end generation implemented in rust
-
jawe-cuvs-sys-iv
Low-level rust bindings to libcuvs
-
patmatch
A configurable pattern matching / wildcard matching library
-
rand_pcg
Selected PCG random number generators
-
astar_rust
astar search alogorithm
-
maolang-core
Core components (tokenizer, parser, evaluator) for the Mao language
-
algorithm_rust
some common rust_algorithms, Everyone can participate, and the project will continue to be updated, all the algorithms comes from <Introduction to Algorithms III>
-
r30_rs
A psuedo-random bit generator in Rust implemented with the Rule-30 elementary cellular automata
-
wgpu_sort
WebGPU/wgpu Radix Key-Value Sort
-
eprmutate
Permutation Library
-
wgdiff
LCS-based diff algorithm
-
log4rs-gelf
TCP Handler and GELF Encoder to use with the log4rs logging framework
-
congruence
closure
-
hexspec
A dsl for creating and verifying byte buffers
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
rusty_grammar
A modified CYK algorithm to work for Language
-
parser-haskell
Parses Haskell into an AST
-
mesh-sweeper
Mesh sweeping algorithms!
-
color-gradient
Color gradient and color interpolation
-
ts_static
Wrapper macro for lazy static and a struct to aid in accessing a static in a thread safe way
-
izihawa-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
musemap
Fast DoS-resistant hashmap based on MuseAir hash algorithm
-
game-solver
Solve any combinatorial game
-
librualg
Collection of basic algorithms for everyday development
-
oefpil-sys
Rust FFI bindings to statically linked C/Fortran library OEFPIL
-
webidl2wit
that proivdes conversion from WebIDL to WebAssembly Interface Types (WIT)
-
ordq
Order keeping job processing queue
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
iter_enumeration
Unifies Iterators over Same Type
-
purrcision
decimals for nostd
-
securerand
a create that extends getrandom to harden the entropy and provide a more useful api
-
generic-state-machine
that allows to create generic or Moore or Mealy state machines that allows the use of custom transition functions
-
triangulate
Subdivides polygons into equivalent triangles
-
easey
Easing functions for interpolation between 0.0 and 1.0
-
whosly
便捷的工具库
-
sharded-counter
A fast and concurrent counter
-
ira_drum
A packaging format for textures and models
-
tipping-rs
Token Interdependency Parsing (Tipping) algorithm
-
crc_all
A Pure Rust Implementation of Generic CRC Algorithm
-
quicksort_gen
Generic implementation of quicksort algorithm
-
shufflr
Shuffle a lists using Fisher-Yates algorithm
-
weighted-median
Calculate the weighted median
-
suitesparse_ldl_sys
Raw bindings to SuiteSparse's LDL algorithm
-
sparse_graph
Sparse graph algorithms
-
sparse_linear_assignment
Solvers for sparse linear assignment problem based on the auction algorithm
-
spatium
Spatium. Calc distance between sequences.
-
boolean
Straightforward re-useable enum based boolean (which you likely won't need =))
-
pacifica-rs-rpc-impl-grpc
grpc support for pcifica-rs
-
emas_rs
Rust-based EMAS optimization algorithm
-
u160
Unsigned Integer 160 bits
-
hmm
Hidden Markov Model
-
nostbeep
A no_std implementation of a binary heap. Binary Heap is implemented as a max heap.
-
droprate
generating different kinds of randomized trials given a set of options and weights
-
hora-new
Hora Search Everywhere
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
statest
statistical test
-
prefix_sum
prefix sum data structure
-
aporia
A flexible random number generation library
-
iris-lib
that creates color palettes from images using the median cut algorithm
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
amcl_wrapper_ml
Wapper over Milagro Cryptographic Library (version 3)
-
langis
A signal is a structure that can yield an infinite amount of data. The API is very similar to
std::iter::Iterator
but with the assumption that it will never end. -
basic_dsp_interop
Digital signal processing based on real or complex vectors in time or frequency domain
-
webmerc
port of globalmaptiles.py
-
scour
A fuzzy search algorithm
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
dotty
generating DOT graph files
-
block-array-cow
In memory array de-duplication, useful for efficient storing of a history of data versions
-
asearch
Approximate pattern matching on Rust
-
norm
A collection of distance metrics on strings
-
str-similarity
A string similarity library
-
ferment-interfaces
Traits for FFI conversions and some helper methods
-
random_sequence
Generate a random shuffle of the numbers between start (inclusive) and end (exclusive)
-
next_long_reverser
The preimage of nextLong() for the Java LCG
-
interp1d
lightweight interpolation library written in Rust
-
flat-veb
Fast implementation of vEB trees without internal allocation
-
drain_at_sorted_unchecked
Terribly unsafe but highly efficient function that allows removing items from a vector with few moves
-
sorted-list
SortedList data structure which allows mapping an Ord key to multiple distinct PartialEq values
-
fable_format
using the assets of Fable, Fable: The Lost Chapters, Fable Anniversary, and mods
-
hoeffding_integer_d
Hoeffding's Dependence coefficient presented as an integer between minimum and maximum integer values of the statistic. Hoeffding's D is like Pearsons correlation R, but accepts a wide range of nonlinear situations…
-
rmath
math library
-
dep-res
dependency resolution
-
randge
Generate unique random numbers
-
rost
sorting
-
pso_rust
famous PSO method
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
morel
A string searching library
-
or-iterator
Rust iterator which takes two iterators and returns non-empty one
-
dsar
Data Structures & Algorithms in Rust
-
optimization
Collection of optimization algorithms
-
geass
15puzzle solver
-
tenhou-shuffle
Tenhou Deck/Wall-Shuffling Algorithm
-
verhoeff
algorithm, for number checksums
-
quilt_partition
A union-find/disjoint-sets algorithm (part of the quilt project)
-
mc64
Sparse matrix scalings
-
fxtypemap
A fast type map based on internal hasher used in Firefox and Rustc
-
narcissistic
number searcher
-
pire-gemm-s16s16s32
high performance cpu kernels
-
heterogeneous_graphlets
computation of heterogeneous graphlets
-
bitset-fixed-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
kaede
adalah rust library untuk operasi matematika sederhana
-
klu-rs
Save bindings to SuiteSparse's KLU sparse matrix solver
-
griditer
Contains a couple of iterators for implementing 2D grid based algoritms
-
to_precision
Write out a float rounded to the given position
-
permutation-generator
A direct permutation generator
-
gut
Geometry utilities: storing, manipulating and processing geometries
-
linprog
A linear programming library
-
beehive
collections for 3D hexagonal maps
-
crc16-en13757-fast
SIMD-powered implementation of CRC-16/EN-13757
-
rxqlite-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
polymur-hash
Polymur hash function
-
optimum
Future Framework to solve optimization problems
-
algae-rs
A collection of abstract algebraic structures implemented in Rust
-
fibonacii-heap
Priority queue implemeted using a Fibonacii Heap
-
scell
A smart container for objects in recursive data structures
-
galil-seiferas
General string search in constant space, linear time, for nonorderable alphabets
-
kd-tree-rs
k-d tree
-
range_union_find
A union-find data structure for ranges
-
arkley_numerics
This module provides various number representations and calculations that represent several structs and enums that represent common mathematical numbers such as fractions, standard form, and decimals,
-
rscv
rust cv
-
permutation-rs
Do calculations with groups
-
generic-ec-core
Core traits of
generic-ec
crate -
framp
Fork of James Miller's Ramp, a high-performance multiple-precision arithmetic library
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
g2gen
A macro to create types that implement fast finite field arithmetic
-
typebitset
Type-level bitset implementation
-
biterator
iterating over individual bits in a byte stream
-
fluent_state_machine
A domain-specific language (DSL) for creating state machines in Rust
-
py_pathfinding
A* and Jump-Point-Search algorithms using ndarray which makes them easy to use via pyo3 in Python
-
norx-permutation
NORX Permutation
-
sacabase
Base types and functions for suffix arrays and longest substring search
-
ca4rs
Cellular Automata for Rust
-
k_nearest
K-nearest neighbors search for points with maximal search radius
-
bogo-plus-plus
Blazingly fast 🚀 AI 🤖 Powered Sorting algorithm
-
intersect2d
Line segment intersection detection
-
minirng
A mini audio library
-
sixarm_assert
Assert macros for Rust tests. By SixArm.com.
-
bigdecimal-no-std
Arbitrary precision decimal numbers
-
velocypack
ArangoDB's VelocyPack protocol
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
fsm
Finite State Machine library, provide State and Event types, then create a machine with an initial state, give it some transition behaviours and you have your state machine!
-
awesome-trie
Awesome Trie is a fast Implementation of Trie algorithm
-
simdutf8
SIMD-accelerated UTF-8 validation
-
signal_processing
A signal processing library
-
adversarial_search
Rust adversarial search library
-
fuzzerang
Efficient random number generators and distributions for fuzzing
-
gpt-partition-type
getting information about a GPT partition from its partition type GUID
-
extrema
C++'s minmax_element implementation in rust
-
istos
graphs
-
candle-gemm-common
Playground for matrix multiplication algorithms
-
ezrng
Generate random numbers in the most simple way possible
-
minterpolate
Data set interpolation for mint primitives and raw arrays
-
ruby-math
3D math library for games and graphics
-
voml-collection
Collections for VOML
-
four-bar-ui
Four🍀bar GUI is a simulator, a synthesizing tool for four-bar linkages
-
hotsax
based discord discovery algorithms
-
automaters
Implémentation d'automate en Rust. (FSM, NFA, DFA, NDFAE)
-
yfft
fast Fourier transform library optimized for small, power-of-two, single precision transforms and x86 systems
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
debug-builders
A copy of libstd's debug builders for use before they stabilize
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
fasthash
A suite of non-cryptographic hash functions for Rust
-
b2c2-casl2
b2c2におけるCASL2の雑なパーサー?
-
measurement-units
basic measurements units conversion such as length, mass, time, volume, percents
-
grue
Various tools and algorithms for building role-playing and adventure games
-
mcts
Monte Carlo tree search
-
streaming-stats
Experimental crate for computing basic statistics on streams
-
transvoxel
Eric Lengyel's Transvoxel Algorithm
-
regalloc
Modular register allocation algorithms
-
label-propagation
Label Propagation Algorithm by Rust
-
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
decluster
Iteratively declusters and replaces a randomised set of 2D points until a set is discovered where each point is separated by at least the specified minimum distance
-
seer-z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
fast-noise-lite-rs
FastNoise Lite written in rust
-
pi_guid
An GUID Generator
-
randomkit
numpy.random
for Rust -
compile-rand
Compile-time random integers
-
konnoohmachi
Efficient spectral smoothing
-
revonet
real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also known as neuroevolution.
-
lev_distance
A copy of Levenshtein distance implementation from Rust Compiler
-
simplegraph
graph implementation
-
clipper2c-sys
Exposing unsafe FFI for Clipper2 library for Rust
-
audiograph
An audio graph optimised for performance and limiting runtime allocations
-
alg-grid
Algorithms for pathfinding in a 2D or 3D grid
-
totsu_f32cuda
CUDA linear algebra operations for
totsu
/totsu_core
-
del-msh-core
mesh utility library for computer graphics research and prototyping
-
prandom
Some PNRG algorithms implemented in Rust
-
gossip
A generic gossip library that uses gossip-based peer sampling
-
mesh-rand
methods of generating random points on the surface of 3d models
-
moveslice
A one-function crate to move chunks in a slice around
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
opensimplex_noise_rs
OpenSimplex noise algorithm implementation in Rust
-
randish_rs
Generate predictably random like numbers using LCG
-
jumpconsistenthash
Jump consistent hash i.e. 'A Fast, Minimal Memory, Consistent Hash Algorithm' from Google
-
loaded_dice
sampler for loaded dices, implementing the alias method
-
bpci
Binomial proportion confidence intervals
-
quickphf_codegen
Code generator for creating static maps and sets for use with quickphf
-
koper
project
-
twentyfour
A solver for the 24 card game
-
polymatheia
Mathematical types, traits, and algorithms in pure and safe Rust
-
rankmap
rust hash table supporting key ranking
-
brzozowski-regex
Brzozowski regular expressions
-
moving-least-squares-image
Image deformation using moving least squares
-
pocket_prover-set
A base logical system for PocketProver to reason about set properties
-
varisat-internal-proof
Internal proof format for the Varisat SAT solver
-
imei
number validator
-
broccoli-ext
broadphase collision detection algorithms
-
pkbuffer
Buffer objects made for arbitrary casting and addressing!
-
shr3
3-shift register random number generator
-
memoires
Memoization for Rust
-
force_graph
Force-directed graph algorithm
-
rand-wyrand
The extremely fast WyRand PRNG for the rand ecosystem of crates
-
Algod
Many types of rust algorithms and data-structures
-
sbitty
defining bitwise operations on standard integers type
-
sortable-quick-unique-id
The Sort-able Quick Unique ID system
-
ordered-map
A HashMap, with the capability of accessing the keys and values in order
-
regex-dfa-gen
A proc_macro lexer generator. using
enum
-like syntax. -
map_to_range
map numbers from on range to another
-
heapify
Convenience functions to turn slices into max-heaps
-
signalo_sources
A collection of filters used in 'signalo' umbrella crate
-
kmpsearch
String/Byte pattern searching within byte slices or strings, using the Knuth Morris Pratt algorithm
-
chemrust-scanner
The core modules defining the flow and structs of data in computational chemistry routines
-
integer-hasher
std::hash::Hasher
which does not hash at all -
spaced-repetition-rs
A spaced repetition algorithm based on anki and supermemo
-
minecraft_nether_generation
The minecraft nether generation implemented in rust
-
imohash
Fast hashing for large files
-
dynforest
dynamic forest management
-
spral
Rust wrapper for SPRAL
-
object-detection-opencv-rust
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
binary_modifier
read & write to buffer
-
but-what-about
A permutation & combination calculation crate for rust
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
webgl-rs
Safe Rust wrapper around the WebGL API
-
eirproject/libeir_tests
Erlang ecosystem common IR
-
const_lookup_map
Rust map that can be defined in a const context
-
kube_quantity_2
kube_quantity is a library adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
chronologic
Time constraint reasoning (scheduling...)
-
weighted_levenshtein
Generic implementation of Levenshtein distance allowing arbitrary weighting of operations
-
sykin
kinematic calculations using the syunit-unit-system
-
gemm-f64
Playground for matrix multiplication algorithms
-
fsm-rust-jb
FSM (with effects, like Mealy machine) implementation in Rust
-
bigfloppa
Arbitrary precision decimal numbers
-
hash_arr_map
Hash maps with an array part, like Lua's tables
-
mona
Transform nested container types
-
simple_permutator
create permutations of a list of values. Eg Permutator::new(&[1,2,3]) creates an iterator that yields [1,2,3], [2,1,3], [2,3,1], [1,3,2], [3,1,2], [3,2,1]
-
primenumbe-rs
Generate the nth prime number
-
asura
in Rust
-
genetic-algorithm-tsp
Using genetic algorithms to solve Traveling salesman problems
-
magpie
High-performance Othello library built with bitboards
-
pluum
very sweet
-
igs
solving impartial games
-
laizy
stable and thread-safe implementation of a lazy value
-
buter
Fluid buffer as place for iterators
-
rustomaton
A small Rust library for automaton (DFA, NFA, Regex) manipulation
-
chain_from_last
Iterator adaptor for chaining from last item
-
wav2json
that decodes wav audio files into json waveform data
-
yass-2
string similarity library
-
b2c2-debugger
CASL2のコードを雑雑に実行テストするCOMET2シミュレーター(エミュレーター?)もどき
-
toolbox
tools for daily use
-
snake_case_converter
convert strings to snake case
-
savant_rs
Savant rust optimization library
-
threed-ice
The package provides an interface to 3D-ICE
-
simple_nn
nueral network library
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
iterators-collection
A set of general purpose iterators useful but not included to the standard library
-
rlp-iter
An iterator following a space-filling pattern over a given range
-
distance_difference_triangulation
Position triangulation from differences of distances
-
is-real
real?
-
sling
Sequentially lockign (SeqLock) Ring Buffer
-
geo-buffer
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton
-
ms2
that replicates the ms package from TypeScript for Rust
-
prim_int_kind
Enumeration whose variants represent kinds of primitive integers
-
rsbalancer
that implements load balancing algorithms
-
mbd
modified band depth that also compiles to WASM
-
hexagon-map
Coordinate transformation and pathfinding for hexagonal maps
-
operations
Basic algebraic and mathematical expressions for use with dynamic elements
-
parsedown
Markdown to html parser
-
vec_rand
Vec generator to hold random contents
-
numext-constructor
Fixed-size uint and hash constructor
-
crc-32c
Comput CRC-32C using accelerated SIMD and fusion algorithm
-
keyde
Fast, Dependency-free Spacial Queries
-
rust_bresenham
determining Bresenham lines
-
butils
shared by software included in BSuccinct
-
autobahn-hash
HighwayHash, a fast and strong SIMD hash function
-
string-ring
A circular string buffer with character- and line-level granularity
-
ds-list
singly linked list and a doubly linked list (with sentinel node)
-
worlde-automaton
Solve worlde puzzles
-
n18game
assets and logic for 18xx games
-
gurobi
An unofficial Rust API for Gurobi optimizer
-
affine_transforms
(Pre Release Package) Does linear transformations in R3
-
numext-fixed-uint-core
A internal crate used by numext-fixed-uint
-
afarray
Convenience methods for working with ArrayFire arrays in Rust
-
matx
A lightweight, rusty matrix library that allows for simple and fast matrix operations
-
agreed
Fork of async-raft, the Tokio-based Rust implementation of the Raft protocol
-
pulau-rs
allocation-free union-find library for bare metal environments
-
lit-vek
iter! and vek! macros for nicer literal syntax
-
rusty_algo
Implementations of algorithms from 'Introduction to Algorithms' by Cormen et al
-
scuttle-core
Core library of the Scuttle MO-MaxSAT solver
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
fibonacci_codec
fibonacci coding for primitive integer types
-
cpp_map
C++ std::map emulator
-
feature-set
User defined feature set
-
ceetle
A Computional Tree Logic (CTL) Verifier
-
resistor
calculating the resistance of a resistor based on the color bands
-
tilecover
Generate the minimum number of tiles to cover a geometry
-
baseperm
generating valid permutations of encoded inputs
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
schindel
rust min-shingle hashing
-
dep_crusher
Starting at a root node, traverse the dependency graph and flatten it
-
modulo
operation
-
nilsimsa
locality-sensitive hashing algorithm
-
tree-edit-distance
Find the lowest cost sequence of edits between two trees
-
prns
fast random-access pseudo-random number generator
-
zerobuf
A growable chunk of zeroed memory
-
format_tools
Collection of mechanisms for formatting and serialization into string
-
kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
proportionate_selector
Selecting useful solutions for recombination via fitness proportionate selection
-
bitwise
Portable high-level bitwise manipulation algorithms
-
strtools
containing various string utilities
-
simid
Universally Unique IDentifier (UUID)
-
pushy
A pushable stack-allocated buffer
-
gcm-lcm
Greatest convex minorant, least concave majorant
-
priority_container
Datastructure to find n biggest/smallest items within a large set
-
libswifft
production-ready C/C++ library providing SWIFFT, one of the fastest available secure hash functions, which is also collision-resistant as well as facilitates zero-knowledge proofs of knowledge of a preimage (ZKPoKP)…
-
closest-sum-pair
Finds a pair in a list that has the closest sum to a given number
-
a-star_traitbased
Implemetaion of A* useful for stuct, based on train implementation
-
hyperid
Superfast id generator
-
pcg32
No-frills PCG32 random number generator implementation
-
permut_lib
function to generate permutations on a dictionry of a u8 chars set. I used it for generate unic Items into my proc macros.
-
reachability_solver
A linear reachability solver for directional edges
-
chromosome
Genetic algorithm tools library
-
almeida-estimator
Improved OFPS implementation of robust camera position estimator paper by Almeida et. al
-
dda-voxelize
3D mesh voxelization with the DDA algorithm
-
hash_utils
A collection of hash functions
-
czt
The package provides an algorithm to compute the chirp Z-transform
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
synevi_types
A leaderless, consensus library based on Apache Cassandra's Accord algorithm
-
vertical-multiplication
Vertical multiplication step by step
-
sorting_explorer
An exploration of various sorting algorithms
-
rtt
Rapidly-Exploring random trees path planning algorithm
-
exotic-iter
My personal collection of special-case iterator methods
-
tilemap_astar
dependencyless astar implementation
-
strider
ringbuffer operations on multiple values at once with an efficient implementation. useful for moving a window with variable step through a possibly infinite stream of values while avoiding unnecessary memory allocations
-
iter_vec
vector of iterator but specialized for std::slice::Iter
-
uell
A bumpalo-based Unrolled Exponential Linked List
-
text_converter
A trait that helps with manipulating text
-
alea-js
Rust port of the javascript alea rng
-
norman
Implementations of different norms for elements of vector spaces
-
luhn_tools
A fast, minimal implementation of the Luhn algorithm
-
permutations_iter
Generate permutations iteratively without recursion in O(n) time
-
radiate-rust
genetic algorithms and artificial evolution
-
truetree
Trees in Rust
-
deus
waifu2x solver
-
crc32-aixm-fast
SIMD-powered implementation of CRC-32/AIXM (CRC-32Q)
-
wy
wyhash algorithms
-
numerical
Algorithm for numerical analysis
-
hamming-heap
Amortized constant time min heaps for binary features in nearest neighbor searches
-
jawe-cuvs-sys-iii
Low-level rust bindings to libcuvs
-
grid_search_cardinal_common
Reusable components for use implementing uniform-cost cardinal grid-searching algorithms
-
heapp
Some heap operations on slice
-
qhull-sys
Rust bindings to Qhull
-
sacapart
Partitioned suffix arrays, for use with
sacabase
-
small_str
A String-like but using SmallVec internally
-
fixedbitset-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
rle-bitset
A no-std, no-alloc trait for querying and manipulating bits in a
[usize]
and iterating their run lengths -
lemonmath
A math library
-
genesys-dice-roller
dice rolling library for genesys dice strings
-
sonare
Runtime environment for formally-verifiable distributed software
-
kdtree-rust
KDTree
-
squares
A Counter-RNG faster than Philox
-
nefsm
state machine library for Rust
-
varisat-formula
Basic formula data types used by the Varisat SAT solver
-
alg_ds
Algorithms & data structures
-
intset
Various integer set data structures, each efficient for different operations
-
xorwowgen
Several implementations of the Xorwow algorithm
-
piston-history_tree
A persistent history tree for undo/redo
-
every-range
Iterator for interleaving included and excluded ranges
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
parse_rust
Python's parse library for string parsing and pattern matching
-
shash
An arbitrary-length-input hash function for competitive programming and experimental purposes
-
onemax-oxigen
OneMax simple problem resolution using oxigen
-
murmurhash64
MurmurHash2 (64bit version)
-
rusty-matrix
A generic matrix implementation
-
more-iter
More iterator utilities
-
struct-map
struct transform map or map transform struct
-
tinyrand
Lightweight RNG specification and several ultrafast implementations in Rust
-
wtest
Tools for writing and running tests
-
inohashmap
fast and efficient insert only string hashmap
-
perlin2d
Lightning fast 2D Perlin Noise generator
-
neutils
Utitlity functions
-
lazy-transform-str
Lazy-copying lazy-allocated scanning
str
transformations. This is good e.g. for (un)escaping text, especially if individual strings are short. -
ordslice
Extensions for ordered slices
-
pire-gemm-f16
high performance cpu kernels
-
downsample
keep downsampled history of data over long period of time
-
randomizer
A random string/byte generator
-
dists
2d distribution generator
-
orc-format
Unofficial implementation of Apache ORC spec in safe Rust
-
randlib
Dependency-less random value generator using pointer addresses and time
-
tlist
Type-level linked lists (of types) and type-level 'functions' to manipulate them. Because TList is implemented using GATs, usage is very ergonomic.
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
libpuri
Idiomatic Rust Competitive Programming Library
-
ruva-core
Event Driven TEvent Handling
-
openraft-rocksstore-compat07
A example v07 compatible implementation of the
openraft::RaftStorage
trait -
candle-gemm
Playground for matrix multiplication algorithms
-
path-finding-lib
variety of path finding and graph operations. Work in progress.
-
benford
test the Benford-ness of a given set of numbers
-
fifo-set
FIFO queue with unique elements
-
lolraft
A Multi-Raft implementation in Rust language
-
rustsat-batsat
Interface to the SAT solver BatSat for the RustSAT library. BatSat is fully implemented in Rust
-
linear_solver
A linear solver designed to be easy to use with Rust enum expressions
-
flo_sparse_array
Sparse array data type: a fast map between usize values and data
-
maze_generator
different maze generation algorithms
-
xxhash-rs
Safe Rust implementation of xxHash
-
floating-distance
Measure distance between floating-point vectors in Rust
-
graphfind-rs
finding patterns in graphs
-
int_range_set
Rangeset container based on tinyvec
-
tlsh
Rust port of Trend Micro Locality Sensitive Hashing
-
displayr-rustr
R integration
-
hidden-median
Finds the median of two lists, when merged without breaking sorted state
-
number_traits
number traits
-
sort-rs
exposing sorting algorithms
-
waitmap
an awaitable concurrent hash map
-
sparsemat
sparse matrix library
-
itertree
Hobby project to experiment with tree traversal using iterators
-
sorted_array
A sorted array data structure adapted from StackMap
-
rure
A C API for Rust's regular expression library
-
tradestats
Metrics
-
eprng
Extremely Pseudo RNG
-
uncertain
Fast and correct computations with uncertain values
-
jumpch
Jump Consistent Hashing is a fast, minimal memory, consistent hash algorithm
-
del-geo-core
2D/3D geometry utility codes
-
hipblas-sys
Bindings for HIP blas
-
weighted-rs-1
A libray for weighted balancing algorithm
-
hash-match
Optimized pattern matching alternative
-
fixed-array
Fixed-size array
-
integer-iterator
Add the ability to iterate over the digit of all primitive integer types. Also exposes the trait so one can implement it oneself.
-
aderyn_core
Rust based Solidity AST analyzer backend
-
powers-pf
Power flow algorithms
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
reverse-lines
Rust Iterator for reading files line by line with a buffer in reverse
-
midpoint_circle
midpoint circle algorithm
-
bit-list
A lazy list of bits
-
burster
Lightweight stack allocated rate limiter implementations
-
polytope
Data structures and methods for constructing polytopes
-
prksort
Merge Sort and Quick Sort algorithms in Rust
-
xxhash-c
Safe wrapper to xxhash
-
integer-partitions
Efficiently enumerate integer partitions
-
vector_calculus
A single easy-to-use library for all vector calculus computations
-
crczoo
CRC Zoo: A collection of Cyclic Redundancy Check (CRC) algorithms
-
einsum-codegen
Helper for generating einsum implementation using proc-macro
-
acorn_prng
A no_std, 0 dependency, pseudo-random number generator based on the ACORN algorithm
-
vbyte
variable length integer compression
-
primitive_traits
Traits over primitive types. Particularly stuff not covered by num-*.
-
vqsort-rs
Rust bindings for the Google Highway's vectorized quicksort
-
xoroshiro128
Fast psuedo-random number generators
-
scialg
A collection of scientific algorithms
-
hexhex
hexadecimal conversion 🪄
-
fmul-to-int
Float multiplication to integer part
-
n_best
Convenient collection to gather the N highest elements, and discard the others
-
sfmt
SIMD-oriented Fast Mersenne Twister (SFMT)
-
ccgeom
Constant curvature geometries toolkit
-
pef
Partioned Elias-Fano encoding for sorted integers
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
stack-array
A data structure for storing and manipulating fixed number of elements of a specific type
-
is_42
blazingly fast way of checking if a variable is equal to 42
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
hash-algorithms
Hash, generally translated as hash, hash, or transliterated as hash, is to transform any length of input (also known as pre image) into fixed length output through hash algorithm, and the output is the hash value…
-
byte_conv
conversion traits to bytes
-
b_error
existential error type with conversions
-
entwine
Generic slice-like interface for operating on multiple slices at the same time
-
math-interpolate
Linear interpolation between two points to calculate the 3rd point
-
fast-float-to-integer
Convert floating point values to integer types faster than the standard
as
operator -
sift4
string distance algorithm. It is very fast and returns results similar to levenshtein
-
fingles
hash-based text similarity analysis
-
yagen
Generator Implementation
-
quad3
quadtree implementation in Rust
-
fd-oxigen
Fast Downward planner parameters optimization using oxigen
-
adler32fast
Fast, SIMD-accelerated Adler-32 checksum computation
-
choose-rand
A small crate for choosing random items from a set of weighted items
-
moving-least-squares
Image deformation using moving least squares
-
modicum
Modular arithemtic library in pure Rust
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
ecosystem
A small genetic algorithms library
-
spare_buffer
A wrapper around Vec that provides access to the “spare” capacity of the vector as a mutable slice
-
py-fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
rudoku-core
A Sudoku library for generating and solving Suokus
-
signalo_pipes
A collection of pipes used in 'signalo' umbrella crate
-
rust_geometry
A geometry library for problems in ICPC programming contests
-
fixit
Converts infix (human-readable) expression tokens into postfix (Reverse Polish Notation) order
-
bigdecimal-rs
Arbitrary precision decimal numbers
-
plumtree
algorithm
-
codek
Codec trait
-
ploc
Point location library
-
cdivsufsort
Rust bindings for Yuta Mori's divsufsort
-
cinnabar
graph algorithms and data strctures
-
unity-random
A reimplementation of Unity's pseudo-random number generator
-
iterator_to_hash_map
that adds a method to any
Iterator
orIntoIterator
(such asVec
) that converts it to aHashMap
using the traitToHashMap
-
ivy-random
random utility functions to the ivy framework
-
safe-buffer
Out of memory safe chunked binary buffer
-
bareiss
Calculates the determinant of an integer square matrix
-
static_merkel_tree
Static Merkel Tree is dedicated for generating Merkle Root and Merkle Proof for a static list of items
-
crc16-cdma2000-fast
SIMD-powered implementation of CRC-16/CDMA2000
-
squares-rng
Squares RNG for game development
-
varisat-dimacs
DIMCAS CNF parser and writer for the Varisat SAT solver
-
number_easing
number easing functions
-
mx3
algorithm providing a bit mixer, pseudo-random number generator, and hash function
-
debug_sat
A debuggable automatic theorem prover for boolean satisfiability problems (SAT)
-
mtrs
matrices in Rust
-
index-sort
Sort containers by index using user-specified swap and compare functions
-
number-utils
A calculation crate
-
waifu
solver
-
max-subarray-sum
Finds the maximum subarray sum in a list
-
farmhash-ffi
An FFI binding to some of the FarmHash functions
-
diamond-square
Generate heightmap using diamond-square algorithm
-
rand_krull
Krull64/65 random number generators
-
grid_search
Collection of searching algorithms
-
cliff
Find the load at which a benchmark falls over
-
regex-map
Associative container where the keys are regular expressions
-
kagemeka
Kagemeka's Rust Package
-
shuffled-iter
Iterate through a set of values in random order without allocating them all
-
usize_conversions
Conversion traits for conversions between
usize
and fixed sized integers -
iterwindows
An iterator adapter to iterate over all contiguous windows of length N
-
radiate-extensions
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and regression analysis
-
algae-graph
Algae is a collection of core algorithms and data-structures, written in Rust
-
n18catalogue
Defines common 18xx tiles
-
finn
An Ikea shark companion for your Rust project
-
elementwise
operations implemented for standard Rust containers
-
iColor
A relatively universal color format conversion tool. that can convert between #RRGGBB, #RGB, #RRGGBBAA, hsl, hsla, hsv, cmyk.
-
relp-bin
An exact linear program solver written in Rust
-
multiview-estimator
Estimates camera motion using OpenCV's multiple view geometry estimator
-
checkasum
A small utility to verify the data integrity of a downloaded file with its expected checksum
-
rscompress-transformation
data transformation supporting rscompress
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
rust_hamming_distance
Hamming distances and bitwise hamming distances
-
totsu_f64lapack
BLAS/LAPACK linear algebra operations for
totsu
/totsu_core
-
digits_iterator
Iterate over the digits of numbers in an arbitrary radix
-
aabel-hashmap-rs
implements extensions for HashMap
-
triangulation
A collection of triangulation algorithms
-
sdbm
non-cryptographic hashing algorithm
-
numerilib
Mathematics Library
-
jandom
Port of java.util.Random
-
rs-kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
radiant-utils
Radiant example code support library
-
kdvtree
K-dimensional tree space-partitioning data structure
-
broccoli-rayon
broadphase collision detection algorithms
-
simple_random_numbers
random number generator that can create pseudo_rand() or entropy_rand() numbers
-
digit-invariant
Narcissistic number searcher
-
dwt
The package provides an algorithm to compute the discrete wavelet transform
-
c3-linearization
C3 linearization
-
fastcmp
A fast byte slice comparison library
-
binary_set
Binary set file
-
hashdozen
A novel 48 bit hashing algorithm producing human-readables hashes
-
pqgrams
package implements a basic version of the PQ-Grams tree-edit-distance approximation algorithm, as generically as possible. It defines traits that you can define for your label-types and tree-types…
-
hipparchus-mean
A collection of basic mathematics solver: Lp norm, mean, moving average, sequence
-
crc16
A CRC16 implementation
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
candle-gemm-f32
Playground for matrix multiplication algorithms
-
wheelbuf
wheelbuffer crate offers a ringbuffer-like structure without a read pointer, making multiple reads of a buffer possible. The store behind the buffer is flexible and can be a static array…
-
double-buffer
double buffer generic implementation
-
implements
Macro to answer the question: does it implement a trait?
-
streamson-generator
integrates streamson with generators
-
pire-gemm-f64
high performance cpu kernels
-
elements-frequency
Finds the frequency of elements in a list
-
basic-pathfinding
Tile-based A* pathfinding in Rust
-
mem_tools
Collection of tools to manipulate memory
-
reflect_tools
Collection of mechanisms for reflection
-
pmsa
Parallel Mergeing of two Sorted Arrays
-
pi_guid64
An GUID Generator
-
faiss-next-sys
Light weighted rust wrapper of c api of facebookresearch/faiss library
-
rl-bandit
multi-armed bandit implementation
-
knapsack-oxigen
Knapsack problem resolution using oxigen
-
edit_dist
Small library for calculating edit distances (e.g. Levenshtein distance)
-
integer_scaling
IntegerScaling wrapper for those who prefer snake_case
-
pi_rand
Custom random number generator
-
bufhash
Buffered hashing facilities
-
bubblesort
Bubblesorts stuff
-
wildflower
Wildcard matching against strings
-
plant
Tree data structures
-
cncr_k_ring
Shards of keyed ring buffers
-
cv-decoder
Detects frame motion using OpenCV
-
constfft
providing an FFT API for arrays
-
log_buffer
A zero-allocation ring buffer for storing text logs
-
imath
Rust port(ish) of Imath
-
lisa
longest increasing subsequence algorithm [ O( nlogn ) ]
-
const-crc32
A
const fn
implementation of crc32 checksum algorithm -
gen-combinations
A general combination generator
-
dyn_buf
A dynamic buffer v1 (p1790r0) implement in Rust
-
statistics
The package provides a statistics toolbox
-
crc32-mpeg2-fast
SIMD-powered implementation of CRC-32/MPEG-2
-
iso_iec_7064
Support for check digit operations conforming to ISO/IEC 7064
-
bernoulli
An exact Bernoulli distribution
-
generic-floyd-warshall
A generic implementation of the Floyd-Warshall algorithm for array-like types
-
hwt
Hamming Weight Tree for finding neighbors in Hamming space
-
eternal_iterator
Trait implementation to promise that the iterator iterates forever
-
csr_matrix
generic Compressed Sparse Row (CSR) matrix
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
cumsum
Cumulative sum
-
nlp
NLP library
-
csinsertion_sort
Insertion sort implementation for indexable collections
-
rolling-dual-crc
Rolling CRC with 32-bit CRC32C and 64-bit CRC64/XZ
-
idnano
nanoid generator
-
fasthash-sys
A suite of non-cryptographic hash functions for Rust
-
dary
double-array construction and search functions
-
ordered_vec
A trait that ensures that elements in a vector are pushed in a sorted order (both ascending and descending)
-
willbe
publish multi-crate and multi-workspace environments and maintain their consistency
-
funny_crystal_hasher
Reimplementation of the funny_hash algorithm
-
delsum-lib
most functionality for the delsum crate
-
bufmut-netext
Small set of extensions for BufMut useful for protocol dev
-
random-fast-rng
Blazing fast non cryptographic random number generator
-
poorentropy
Low-quality entropy generator for
no_std
crates -
prefix-range
Compute bounds for prefix string queries for BTreeSet/BTreeMap::range
-
slicemath
element-wise operations on arrays of numeric values
-
isnt-even-nor-odd
Returns true if the given number isn't even or odd
-
lineargen
Bit sequence generators based on LFSRs
-
int_cmp
Small library for comparing unsigned integers with signed integers
-
proc_macro_tools
Tools for writing procedural macroses
-
smolmap
A hashmap on the stack
-
scicrypt-bigint
A scicrypt crate implementing *mostly* constant-time bigints for modular integers
-
itemops
some operations on items of slices
-
lights-out
lights out solver
-
is-even-or-odd
Returns true if the given number is even or odd
-
multi_iter
Iterator for acting on multiple elements at a time
-
tiny_tco
A tiny dirt simple no_std tail call optimization library
-
graph_reduce
Simplify and sort directed acyclic graphs, and their associated matrices
-
deterministic_rand
Hierarchical random number generators for concurrent simulations with switchable determinism
-
rust_array_set_range
that allows to set range of values in Rust's fixed size arrays
-
clblast
bindings for rust
-
isize-vec
isize sorted vector
-
slicetools
Add extra iterators to slices
-
advancedresearch-graph_builder
An algorithm for generating graphs with post-filtering and edge composition
-
diagonal
Extract diagonals from a matrix in various directions
-
n18map
Manages the state of 18xx maps
-
tb
A small toolbox
-
itertools-wild
Extra wild iterator adaptors, wild iterator methods, wild free functions, and wild macros
-
mycrc
Create your own cyclic redundancy check (CRC)
-
hyper-thread-random
hyper-thread local random number generators optimized for recent Intel x86-64 chips with the
RDRAND
instruction; falls back to rand crate for others -
simple_gaussian
Some quick and easy functions for generating gaussian noise, mappable to specific bounds. Useful for artistic purposes.
-
candle-gemm-f64
Playground for matrix multiplication algorithms
-
rand04_compat
Wrappers for compatibility with rand 0.4
-
checked_int_cast
Conversions between primitive integers with overflow and underflow checking
-
numbers_rus
flexible library for working with numbers that aims to be useful, fast, and practical. Modular structure makes it easy to use only the parts you need, and the library is designed to be extensible…
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
ttlhashmap
Optionally bounded HashMap-like container with decaying nodes
-
maskedvbyte-rs
Rust bindings to MaskedVByte( Fast decoder for VByte-compressed integers )
-
crc16-xmodem-fast
SIMD-powered implementation of CRC-16/XMODEM (CRC-16/ACORN CRC-16/LTE CRC-16/V-41-MSB XMODEM ZMODEM)
-
vrp-solver
An extension which provides custom metaheuristic for solving VRP
-
homography-estimator
Estimates camera motion using homography
-
luhn3
A Luhn validation library
-
curveipo
2D curve interpolation
-
yield-iter
Safe implementation of the
Iterator
trait forGenerator
-
gpp-solver
A small hybrid push-pull solver/planner that has the best of both worlds
-
diagnostics_tools
Diagnostics tools
-
shufflebag
A shuffle bag implementation on rust
-
zkp-mmap-vec
Replacement for
Vec
that uses file-backed storage -
quadtree-cd
A quadtree-based data structure for placing shapes such as rotated rectangles in bounded 2D space, checking for collision with already placed items
-
brads_leet_code_string_to_integer
LeetCode string to integer (atoi) problem solution
-
reservoir-buf
Dead simple interning
-
tinyrand-std
Extensions for using tinyrand with std
-
intpackit
that allows to manage unsigned values packed in a single integer
-
snappy_framed
Read and Write implementations for streaming, framed Snappy compression format
-
is-even
Returns true if the given number is odd
-
radiate_matrix_tree
Matrix Tree model compatable with Radiate's evolutionary engine
-
octopus_query
query engine for arrays of integers (scoring only idf at the moment), supports AND/OR/DisMax/Constant queries
-
count_sort
O(n) sorting library for large datasets with small range of possible values
-
algonium
a collection of classic algorithms for programming contests
-
einsum-derive
Proc-macro based einsum implementation
-
dynamic-weighted-index
Data structure to sample elements with weights that can be efficiently updated
-
srand
Random number generators and other randomness functionality with simple apis to use
-
pruefung
Checksums in pure Rust, with no_std available, implementing the Hasher trait
-
varint-compression
variable length integer compression
-
type_constructor
Fundamental data types and type constructors, like Single, Pair, Many
-
serde_int_map
derive serde traits for integer-indexed structs
-
csselection_sort
Selection sort implementation for indexable collections
-
uno
Encode floats in the range [0.0, 1.0] as unsigned integers!
-
pcg_with_xorshift
a tiny random number generator
-
small_vec
vector optimized for small buffers
-
crc24
CRC-24 implementation (IETF RFC2440-compatible)
-
curuam
lot of useful functions and structs like Ipv4, Ipv6, Mac, random_in_range, memcpy, checksum, EthHeader, IpHeader, and etc