-
twox-hash
XXHash and XXH3 algorithms
-
ahash
A non-cryptographic hash function using AES-NI for high performance
-
crc
support of various standards
-
fastrand
fast random number generator
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
rand
Random number generators and other randomness functionality
-
crypto-bigint
Pure Rust implementation of a big integer library which has been designed from the ground-up for use in cryptographic applications. Provides constant-time, no_std-friendly implementations…
-
xxhash-rust
xxhash
-
rustfft
High-performance FFT library written in pure Rust
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
stacker
A stack growth library useful when implementing deeply recursive algorithms that may accidentally blow the stack
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
fnv
Fowler–Noll–Vo hash function
-
rstar
An R*-tree spatial index
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
bitpacking
Fast integer compression/decompression via SIMD bit-packing. Port of simdcomp to rust.
-
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.
-
uint
Large fixed-size integer arithmetic
-
noise
Procedural noise generation library
-
md5
The package provides the MD5 hash function
-
pathfinding
flow, and graph algorithms
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
wildmatch
string matching with single- and multi-character wildcard operator
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
oorandom
A tiny, robust PRNG implementation
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
ff
building and interfacing with finite fields
-
streaming-iterator
Streaming iterators
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
nucleo
plug and play high performance fuzzy matcher
-
gcd
Calculate the greatest common divisor
-
murmur3
hash
-
rand_hc
HC128 random number generator
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
topological-sort
Performs topological sorting
-
slice-group-by
Iterators over groups in slices and strs
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
easy-smt
Easily interact with an smt solver as a subprocess
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
treediff
Find the difference between arbitrary data structures
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
rand_regex
Generates random strings and byte strings matching a regex
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
rdrand
random number generator based on rdrand and rdseed instructions
-
strength_reduce
Faster integer division and modulus operations
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
special
The package provides special functions
-
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
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
timely
A low-latency data-parallel dataflow system in Rust
-
GSL
binding for the GSL (the GNU scientific library)
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
daachorse
Double-Array Aho-Corasick
-
fastcdc
(content defined chunking) in pure Rust
-
adler
clean-room implementation of the Adler-32 checksum
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
gix-negotiate
gitoxide project implementing negotiation algorithms
-
k
kinematics
-
metrohash
high quality, high performance hash algorithm
-
jubjub
elliptic curve group
-
rithm
Arbitrary precision arithmetic
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
cobs
Consistent Overhead Byte Stuffing (COBS) algorithm. COBS is an algorithm for transforming a message into an encoding where a specific value (the "sentinel" value) is not used…
-
ph
data structures based on perfect hashing
-
reactive_graph
A fine-grained reactive graph for building user interfaces
-
levenshtein
algorithm
-
fractional_index
fractional indexing
-
simplerand
fast random number generator
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
chalk-recursive
Recursive solver for the Chalk project
-
geo-clipper
Boolean operations on polygons
-
partial_sort
provide a Rust version std::partial_sort
-
rust-stemmers
some popular snowball stemming algorithms
-
crossterm_winapi
WinAPI wrapper that provides some basic simple abstractions around common WinAPI calls
-
raft
language implementation of Raft algorithm
-
contour
Compute isorings and contour polygons (using marching squares algorithm)
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
differential-dataflow
An incremental data-parallel dataflow platform
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
pubgrub
version solving algorithm
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
muchin
Support for composing large, interacting, complicated state machines
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
transpose
transposing multi-dimensional data
-
bm25
BM25 embedder, scorer, and search engine
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
dbsp
Continuous streaming analytics engine
-
glissade
that provides various utilities for animations and transitions
-
levenberg-marquardt
algorithm built on top of nalgebra
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
robust
adaptive floating-point predicates for computational geometry
-
knossos
generating and rendering mazes
-
pocket_prover
A fast, brute force, automatic theorem prover for first order logic
-
blurhash
A pure Rust implementation of blurhash
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
varpro
A straightforward nonlinear least-squares fitting library which uses the Variable Projection algorithm
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
graaf
Work with directed graphs
-
cubecl-linalg
CubeCL Linear Algebra Library
-
twofloat
Double-double arithmetic functionality
-
bevy_knossos
generating and rendering mazes
-
quantiles
a collection of approximate quantile algorithms
-
naive_opt
The optimized naive string-search algorithm
-
cam-geom
Geometric models of cameras for photogrammetry
-
dive-deco
A dive decompression models library (Buehlmann ZH-L 16C)
-
nlopt
Wrapper for the nlopt library
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
mockd
Fake data generator library with 130+ functions
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
accurate
(more or less) accurate floating point algorithms
-
kd-tree
k-dimensional tree
-
murmurhash32
murmurhash32_2
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
iroh-blobs
blob and collection transfer support for iroh
-
dec
A decimal arithmetic library providing high-level, safe bindings to libdecnumber
-
chalk-engine
Core trait engine from Chalk project
-
cryptocol
cryptographic library that includes big number arithmatic operation, hash algorithms, symmetric-key cryptographic encryption/decryption algorithms, asymmetric-key (public-key) cryptographic…
-
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.
-
orx-v
Traits to unify all vectors!
-
ipopt
Rust language bindings for the Ipopt non-linear constrained optimization library
-
risc0-bigint2
RISC Zero's Big Integer Accelerator
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
num-order
Numerically consistent
Eq
,Ord
andHash
implementations for variousnum
types (u32
,f64
,num_bigint::BigInt
, etc.) -
gxhash
non-cryptographic algorithm
-
timsort
modified MergeSort used in Python and Java
-
hmac-sha1
wrapper around the RustCrypto hmac and sha1 crates for simple HMAC-SHA1 generation
-
union-find
Struct and methods for union-find operation
-
tailcall
Safe, zero-cost tail recursion
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
nabla-ml
A numpy-like library for Rust
-
tenthash
A high-quality, non-cryptographic, 160-bit hash function
-
usearch
Smaller & Faster Single-File Vector Search Engine from Unum
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
cdshealpix
HEALPix tesselation
-
cubecl
Multi-platform high-performance compute language extension for Rust
-
incremental
computations, based on Jane Street's incremental
-
fitsrs
FITS image parser
-
xiangting
calculating the deficiency number (a.k.a. xiangting number, 向聴数).
-
mergable
user-friendly and efficient CRDTs
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
genetic_algorithm
A genetic algorithm implementation
-
russcip
Rust interface for SCIP
-
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
-
dup-indexer
Create a non-duplicated index from Strings, static str, Vec, or Box values
-
itermore
🤸♀️ More iterator adaptors
-
integer-sqrt
integer square root algorithm for primitive rust types
-
meos
Rust bindings for MEOS C API
-
bit-matrix
bit matrices and vectors
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
rex-sm
Hierarchical state machine
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
osqp
(Operator Splitting Quadratic Program) solver
-
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.
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
interp
Matlab's interp1 function
-
rollgrid
pseudo-infinite open worlds
-
cubecl-reduce
CubeCL Reduce Algorithms
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
lilt
dependency free library for running interruptable, transition based animations as a function of time
-
probminhash
Minhash algorithms for weighted Jaccard index
-
geo-index
Fast, immutable, ABI-stable spatial indexes
-
diff-match-patch-rs
The fastest implementation of Myer's diff algorithm to perform the operations required for synchronizing plain text
-
macro-machines
State machine macros with logging and graphviz DOT file generation
-
acap
As Close As Possible — nearest neighbor search in Rust
-
gis-tools
A collection of geospatial tools primarily designed for WGS84, Web Mercator, and S2
-
ids_service
that allows to generate unique Ids
-
version-ranges
Performance-optimized type for generic version ranges and operations on them
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
quad-rand
Pseudo random implementation with core atomics
-
clone_dyn
Derive to clone dyn structures
-
startin
A Delaunay triangulator for terrains
-
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
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
satkit
Satellite Toolkit
-
nozomi
Equivalent of the Linux shred command but in rust and library. Allows you to securely erase data from a hard drive.
-
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
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
faer-sparse
Basic linear algebra routines
-
adler32
Minimal Adler32 implementation for Rust
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
cap-rand
Capability-based random number generators
-
byteyarn
hyper-compact strings
-
raftify
Experimental High level Raft framework
-
cmaes
CMA-ES optimization algorithm
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
clingo
Rust idiomatic bindings to the clingo library
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
mini-mcmc
A small Rust library for Markov Chain Monte Carlo methods
-
ddo
generic and efficient framework for MDD-based optimization
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
ra_ap_salsa
A generic framework for on-demand, incrementalized computation (experimental)
-
annembed
dimension reduction à la Umap
-
smolprng
A Small and Extensible PRNG written in Rust
-
rand_aes
AES based pseudo-random number generator
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
feruca
Unicode Collation Algorithm
-
vrp-pragmatic
An extension logic for solving rich VRP
-
runtime_units
A run-time Rust library for working with units of measurement and conversions between them
-
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.
-
fakeit
Fake data generator library with 130+ functions
-
easyfft
providing an easy FFT API for arrays and slices
-
coord2d
rust lib for coordinate in 2d system
-
geometry-predicates
port of robust geometric predicates
-
algos
A collection of algorithms in Rust
-
eta-algorithms
Low overhead data structures focused on performance
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
random_word
Efficient functions for generating random words in many languages
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
rustradio
Software defined radio library
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
od_opencv
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
arrow-string
String kernels for arrow arrays
-
gix-revwalk
providing utilities for walking the revision graph
-
count-min-sketch
Count-min-sketch implementation
-
syntree_layout
visualize trees from the 'syntree' crate
-
hyperloglogplus
HyperLogLog implementations
-
merkle-cbt
generating efficient Merkle tree and combined Merkle proof based on complete binary tree
-
autour_core
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
dogear
merging bookmark trees
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
wcs
FITS World Coordinate System (WCS)
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
extendhash
Rust Hash Extender
-
pg_task
Resumable state machine based Postgres tasks
-
gcra
A basic implementation of GCRA algorithm for rate limiting
-
xxhrs
Safe XXHash and XXH3 bindings
-
ran
fast random numbers generation
-
qwt
Quad Wavelet Tree
-
t1ha
T1AH (Fast Positive Hash) hash function
-
vecmath
type agnostic library for vector math designed for reexporting
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
monte-carlo-tree-search
Monte Carlo Tree Search to find good moves in two player games
-
rs-wordle-solver
solving Wordle-style puzzles. It provides multiple guessing algorithms, as well as building blocks for implementing your own Wordle solving algorithms.
-
swift_vec
A convenient and comfortable vector maths crate that supports 2D, 3D, and 4D matrices and vectors - along with additional scalar math
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
stringmetrics
approximate string matching
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
logru
A small, embeddable and fast interpreter for a subset of Prolog
-
d3_geo_voronoi_rs
A port into rustlang of the javascript library d3-geo-voronoi
-
fugue
A binary analysis framework written in Rust
-
relp-num
Number types for the relp crate
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
dilate
A compact, high performance integer dilation library for Rust
-
importunate
Methods for returning random elements from an iterator
-
sefar
evolutionary optimization algorithms
-
raddy-ad
An automatic differentiation system for geometry and simulation
-
contour-isobands
Compute isobands and contour polygons (using marching squares algorithm)
-
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
-
timberio/file-source
A high-performance observability data pipeline
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
diffusionx
random number/stochastic process simulation with high performance
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
hypersonic
Formally-verifiable distributed software
-
color_space
converting between color spaces and comparing colors
-
probability
The package provides a probability-theory toolbox
-
line-ending
Detect, normalize, and convert line endings across platforms. Ensures consistent handling of LF, CRLF, and CR line endings in text processing.
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
many-unzip
multiunzip
from itertools but with support for larger than 12-tuples -
graph_process_manager_loggers
Generic loggers for graph_process_manager_core
-
vector_quantizer
vector quantization utilities and functions
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
cassowary
linear constraint solving algorithm. The Cassowary algorithm is designed for naturally laying out user interfaces using linear constraints, like 'this button must line up with this text box'
-
rgeometry
High-Level Computational Geometry
-
ckey
consistent hash key library
-
tolerance
Math representation of the physically needed permissible deviation of measures
-
volute
Boolean functions implementation, represented as lookup tables (LUT) or sum-of-products (SOP)
-
interval_adapter
Interval adapter for both open/closed implementations of intervals ( ranges )
-
kendalls
Kendall's tau rank correlation
-
spec_math
implementations of special mathematical functions. Includes re-implementation of the CEPHES math library for gamma functions, error functions, elliptic integrals, sine and cosine integrals…
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
bye_nanoflann_rs
KD-Tree, implemented based on nanoflann, primarily optimized for 2D or 3D point clouds
-
av-metrics
A collection of algorithms for measuring audio/video metrics
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
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…
-
compute-it
define a lazy evaluated computation graph
-
oxidd-reorder
Reordering algorithms for OxiDD
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
identity_map
Identity-based maps
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
bevy_lookup_curve
Editable lookup curve for Bevy
-
dlx-rs
dancing links in Rust
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
turborand
Fast random number generators
-
uutils_term_grid
formatting strings into a grid layout. Fork of term_grid.
-
uuid-rs
Universally Unique IDentifier (UUID)
-
english-to-cron
converts natural language into cron expressions
-
barnes_hut
Fast n-body simluation using the Barnes Hut algorithm
-
simple_hll
HyperLogLog implementation in rust
-
whittaker-eilers
A sparse matrix implementation of Whittaker-Eilers smoothing and interpolation
-
noise-functions
Fast and lightweight noise functions
-
haru_cmaes
CMA-ES optimization algorithm implementation based on Hansen's purecma Python implementation
-
easer
Tiny library imlementing Robert Penner's easing functions
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
raftpico
Raft framework built on top of the raftbare crate
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
rake
Rapid Automatic Keyword Extraction (RAKE) algorithm
-
recursive
Easy recursion without stack overflows
-
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.
-
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…
-
permutation
Small utility for creating, manipulating, and applying permutations
-
task-local-extensions
Task-local container for arbitrary data
-
flo_binding
Declarative binding library for Rust
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
imgdd
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
algorithmica
Rust Algorithms
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
natord
Natural ordering for Rust
-
sophus_opt
Sparse non-linear least squares optimization
-
fixed32-math
Geometric types
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing Iterator<Item = char>
-
trie_rcv
Ranked Choice Voting implementation using Tries in Rust
-
spareval
A SPARQL evaluator
-
iban
IBAN parsing library
-
dypdl
Libarary for Dynamic Programming Description Language (DyPDL)
-
opensimplex2
Port of OpenSimplex2
-
counting_sort
Counting sort implementation for Iterators
-
adler2
clean-room implementation of the Adler-32 checksum
-
movavg
Generic Moving Average calculation
-
raftbare
Minimal but feature-complete, I/O-free implementation of Raft distributed consensus algorithm
-
optirustic
A multi-objective optimisation framework for Rust
-
line-span
Find line ranges and jump between next and previous lines
-
tribles
knowledge base implementation for rust
-
is-tree
Everything is a tree
-
to_shmem
Trait to write to a contiguous chunk of shared memory
-
general-sam
A general suffix automaton implementation in Rust
-
b10
Lossless handling of decimal numbers at maximum performance
-
polylog
polylogarithms
-
xgraph
A comprehensive Rust library providing efficient graph algorithms for solving real-world problems in social network analysis, transportation optimization, recommendation systems, and more
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
list_math
doing math on a list including average, smallest, largest, and standard deviation
-
fast-tlsh
generate / parse / compare TLSH locality sensitive hashes
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
to-display
A trait that is Display or can be converted to Display
-
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.
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
conhash
Consistent Hashing library in Rust
-
anim8
Animation toolset
-
nu_plugin_hashes
A Nushell plugin that adds 61 cryptographic hash functions from Hashes project
-
downstream
efficient, constant-space implementations of stream curation algorithms
-
batsat
Extensible SAT solver in Rust
-
timelag
Creating time-lagged time series data
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
markov_namegen
Random text generators based on Markov models
-
product-os-random
Product OS : Random provides a suite of random generator tools for different contexts. This includes random text, number and key generators including crypotgraphically secure random generation.
-
astra-num
A wrapper lib around num_bigint, num_integer, and num_traits with extra utilities for handling incredibly large (astronomical) values
-
s2-tilejson
Backwards compatible JSON format for describing s2 map tilesets
-
phnt
Rust bindings to the System Informer’s (formerly known as Process Hacker)
phnt
native Windows headers -
tau-engine
A document tagging library
-
intel-mkl-sys
Rust binding of unique functions in Intel(R) MKL
-
lotus-script
creating LOTUS-Simulator scripts
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
tinyrand
Lightweight RNG specification and several ultrafast implementations in Rust
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
float_plus
Additional features for float values
-
pack_it_up
that implements various bin packing algorithms
-
drain_filter_polyfill
current nightly implementation of Vec::drain_filter, copypasted out for use on stable
-
RustQuant_math
quantitative finance
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
setsum
order-agnostic checksum
-
single-svdlib
port of LAS2 from SVDLIBC
-
libphext
A rust-native implementation of phext
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
jaime
j.a.i.m.e. is an ergonomic all purpose gradient descent engine
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
density-rs
Superfast compression library
-
arrow-buffer
Buffer abstractions for Apache Arrow
-
rand_chacha
ChaCha random number generator
-
solaris-rs
predict the position of the Sun
-
realistic
Towards an API for the Real Numbers
-
graph-algorithms-rs
A collection of graph algorithms
-
kak-tabs
kakoune tabs
-
arrowdb
高性能本地向量数据库
-
augurs-clustering
Time series clustering
-
codeq
Codec trait
-
qptrie
A QP-Trie implementation for Rust
-
diffsl
A compiler for a domain-specific language for ordinary differential equations (ODE)
-
is_sorted
Iterator sorted?
-
dotlr
An LR(1) parser generator and visualizer created for educational purposes
-
zeros
-
anyhash
Traits and utilities for making hashes of any type
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
line-clipping
implementing line clipping algorithms
-
hex2d
Helper library for working with 2d hex-grid maps
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
louvre
A Robust Triangulation Algorigthm
-
belnapian
Belnap's 4-valued logic basic building blocks in Rust
-
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
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
ext-sort
rust external sort algorithm implementation
-
hypervector
that implements hyperdimensional vectors and VSAs
-
float_next_after
A trait for native rust f64/f32 nextafter
-
nekohash
A multifaceted hashing library for Rust
-
random-nickname2
用于Rust的随机用户昵称生成器
-
tifloats
Speedy, accurate emulation of TI-Floats
-
mittagleffler
High performance implementations of the Mittag-Leffler function
-
twistrs
An asynchronous domain name permutation and enumeration library
-
toktrie
LLM Token Trie library
-
hash-iter
Iterator producing sequence of hash values for a given input (using double hashing technique)
-
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
random-pick
Pick an element from a slice randomly by given weights
-
pyin
pYIN pitch detection algorithm written in Rust
-
peek-again
A performant iterator providing double peek functionality
-
variadic_from
Variadic from
-
chibihash
hash function
-
zorder
Fast Z-order curve conversions
-
chksum-hash
hash algorithms for batch and stream computation
-
fuzzy-muff
Fuzzy Matching Library
-
gridish
working with British and Irish national grid strings
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
dmp
A high-performance library in that manipulates plain text
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
singlevec
Vec-like container optimized for storing only a single item
-
probabilistic_bisector
bisection for one-dimensional functions in the presence of noise
-
kitoken
Fast and versatile tokenizer for language models, supporting BPE, Unigram and WordPiece tokenization
-
rand_core
Core random number generator traits and tools for implementation
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
indexsort
sort crate, porting Golang sort package to Rust
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
multistochgrad
Stochastic Gradient, Multithreaded
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
fast-boolean-anf-transform
Fast implementation of the boolean Algebraic Normal Form (ANF) transform
-
bpe-tokenizer
A BPE Tokenizer library
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
opis
rational number and matrix arithmetic
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
edfsm
Event Driven Finite State Machine library
-
liba
An algorithm library based on C/C++
-
umash
Idiomatic API for the umash hash/fingerprint function
-
lookup-tables
High performance & compile-time customizable lookup tables
-
fnv0
FNV0/1/1a 32/64/128-bit hash functions
-
ant-registers
Register logic for Autonomi
-
hostlist-parser
Parses hostlist expressions into a Vec of Strings
-
misfortunate
Perverse implementations of safe Rust traits
-
axgeom
that provides ability to extract 1d ranges out of 2d objects
-
derangements
Generate derangements of an iterable
-
programinduction
program induction and learning representations
-
multistream-batch
Implementations of batching algorithms
-
fixed32
Fixed Point types
-
flexihash
Consistent hashing following the API and compatible with flexihash-php and flexihash-py
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
spiral
Iterate over a 2D structure in a spiral pattern
-
spade-typeinference
Helper crate for https://spade-lang.org/
-
dcc-lsystem
Lindenmayer system together with some rendering tools
-
rufl
A powerful util function library for rust
-
line-col
Convert string slice indices into line/column numbers
-
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…
-
faer_gmres
GMRES implementation using faer
-
ognlib
Some code that is written to practice Rust
-
kmeans
Small and fast library for k-means clustering calculations
-
postcard-cobs
Consistent Overhead Byte Stuffing (COBS) algorithm. COBS is an algorithm for transforming a message into an encoding where a specific value (the "sentinel" value) is not used…
-
sgrust
A sparse grid library written in Rust
-
bye_abow_rs
Visual bag of words for fast image matching without opencv
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
hypertwobits
cardinality estimation algorithm
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
wl_isomorphism
WL and 2-WL algorithms for graph isomorphism testing
-
diceystats
parse and interact with dice formulas
-
random
The package provides sources of randomness
-
ainconv
Converts Ainu words between different scripts (Katakana, Latin, Cyrillic)
-
randomize
Randomization routines
-
radiate
genetic algorithms and artificial evolution
-
regexsolver
Manipulate regex and automaton as if they were sets
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
puan-rust
Puan package contain tools for defining logic relationships among linear inequalities and reduction algorithms
-
rustplex
A linear programming solver based on the Simplex algorithm for Rust
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
strtod
A high precision floating point parser implementation for Rust
-
cdchunking
Content-defined chunking
-
atomic-traits
The traits for generic atomic operations
-
fnrs
some useful functions i like
-
ratel_bandit
Muti-armed Bandit Simulator
-
hi-doc-jumprope
fast rope (fancy string) library built on top of Skiplists - hi-doc fork
-
evo_framework
Evo(lution) framework: A powerful framework designed for ai
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
poi
A pragmatic point-free theorem prover assistant
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
tdigests
An efficient Rust implementation of the t-digest algorithm
-
linestring
line string toolbox
-
cint
A lean, minimal, and stable set of types for color interoperation between crates in Rust
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
rand_xorshift
Xorshift random number generator
-
rmqtt-raft
raft framework, for regular people
-
frand
Blazingly fast random number generation library
-
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
-
rmpfit
Pure Rust implementation of the CMPFIT library
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
cdc-chunkers
A collection of Content Defined Chunking algorithms
-
custom-constraints
Customizable Constraint Systems (CCS)
-
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
polyline-ffi
FFI bindings for the polyline crate
-
perchance
Very simple random number generation optimized for ease of use
-
spc-rs
SPC (Statistical Process Control)
-
fnir
Fast numerical integration rules, like tanh-sinh quadrature
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
autodiff
An automatic differentiation library
-
soukoban
some algorithms and data structures related to Sokoban
-
mathml-core
MathML type definitions
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
pumpkin-solver
The Pumpkin combinatorial optimisation solver library
-
nonbox
NaN boxing without boxing
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
hashring
A minimal implementation of consistent hashing
-
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…
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
linesweeper
Robust sweep-line algorithm and two-dimensional boolean ops
-
ch_cityhash102
ClickHouse CityHash implementation
-
zoc
Z-order curve based multidimensional range search
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
itermaps
Implement commonly used combinations of
Iterator::map
-
contourable
differentiable functions
-
del-ls
sparse solver library for research prototyping
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
glidesort
sorting algorithm
-
lophat
Lockfree Persistent Homology Algorithm Toolbox
-
futf
Handling fragments of UTF-8
-
astro
Advanced algorithms for astronomy
-
re_arrow2
Unofficial implementation of Apache Arrow spec in safe Rust
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
rita
Randomized Incremental Triangulation Algorithms
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
sqpnp
A pure Rust implementation of the SQPnP perspective-n-point algorithm
-
sanitation
developing memory-safe programs while detecting and capturing possibly malicious bytes
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
rectutils
Common algorithms for rectangles (quadtree, rect packing, etc.)
-
ufotofu_queues
Infallible queues that support bulk enqueueing and dequeueing
-
lace_cc
Core of the Lace cross-categorization engine library
-
doxygen-bindgen
Converts Doxygen comments into Rustdoc markdown
-
sigmah
Create and scan binary signature in Rust efficiently
-
pi_orca
A* Path Finding Algorithm
-
gsl_bfgs
BFGS algorithm built on the GNU Scientific Library(GSL)
-
arbi
Arbitrary Precision Integer
-
breakout
detection for Rust
-
rust_cascade
bloom filter cascade implementation in Rust
-
aplk-gw
test description 03 test2
-
ruffer
overwriting ring buffer library written in Rust
-
relp
Rust Exact Linear Programming
-
backyard-generator
Convert AST node back to PHP code
-
undo_stack
A minimal undo stack for user defined types
-
extsort-iter
external sorting for all types for all iterators
-
utility_converter
lib offering accurate conversions for temperature, weight, and distance
-
reveler
A cryptographic commitment scheme based on lattice and parallelized matrix-vector multiplication
-
laddu-extensions
Extensions to the laddu library
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
libmf
Large-scale sparse matrix factorization for Rust
-
tlsh2
TLSH algorithm
-
randm
Small, fast, and efficient random generation crate
-
lds-rs
Low Discrepancy Sequence Generation in Rust
-
time_priority_order_algoritmh
algorithm create a cronogram of action sorted by time of occurrence time avoiding time colisions
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
mylibrary_
my personal library
-
office-to-pdf
Convert office files to pdf files
-
iceyee_random
Random
-
mot-rs
Dead simple multi object tracking in Rust
-
cryptify
A procedural macro library to obfuscate Rust code. Provides compile-time string encryption and random flow obfuscation.
-
meval
math expression parser and evaluator
-
funspace
N-dimensional function spaces and transforms
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
castep-param-io
read, operate on and write castep
.param
parameter file -
lerp
Generic linear interpolation and extrapolation, automatically implemented for a variety of numeric types
-
zung_mini
Mini rust projects that target specific features of rust
-
reusing-vec
Wrapper over Vec that allows elements to be reused without dropping them
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
multibody_dynamics
Multibody dynamics algorithms in Rust
-
keyphrases
Rapid Automatic Keyword Extraction (RAKE) implementation in Rust
-
rustiq-core
Quantum circuit synthesis library in rust
-
stable_matching
Gale-Shapley stable matching algorithm
-
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).
-
ms_toollib
Algorithms for Minesweeper
-
lazyrand
generating random numbers easily
-
voxcov
Write something
-
advanced-pid
An advanced PID control library implemented in Rust
-
deki
A base for most of my rust projects (tailored to myself)!
-
simbiota-tlsh
A pure-rust implementation of Trendmicro's TLSH algorithm, featuring the same optimizations found in the reference implementation
-
pergola
abstract types for join-semilattices
-
romu
A pseudo random number generator using the Romu algorithm
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
ggstd
Partial implementation of Go standard library
-
hyperloglog
in Rust
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
shm_ring
A single producer, single consumer lockless ring buffer for message passing between shared memory
-
localsearch
Local Search based Metaheuristics
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
suitesparse_sys
sys crate for suitesparse library
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
convolve2d
Easy and extensible pure rust image convolutions
-
thinkrust_algorithms
Basic Algorithms: Binary Search and Find Max from an array
-
string-offsets
Converts string offsets between UTF-8 bytes, UTF-16 code units, Unicode code points, and lines
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
abv
AV and BV convert functions for Bilibili videos
-
easing-fixed
easing iterators using fixed-point math
-
timely_container
Container abstractions for Timely
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
hexdump
Easy hexdump to stdout or as an iterator
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
liblbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
ring-log
High-performance logger with lock-free ring buffer
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
matrixcompare
Tools for convenient comparison of matrices
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
faro_sharding
Non-shuffling sharding algorithm
-
qrc
generating and manipulating QR code images in various formats
-
uint256
A light-weight implementation of 256-bit unsigned integers type with semantic API
-
nphysics_testbed2d
Testbed for the 2-dimensional physics engine in Rust
-
ropr
A blazing fast multithreaded ROP Gadget finder. ropper / ropgadget alternative
-
mattr
transposing multi-dimensional data
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
monument
A fast and flexible composition generator
-
zipf-fixed
A faster zipf distribution that uses more memory
-
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.
-
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.
-
dbg-ranges
debug formatting lists of items that have many sequential items
-
progress-encode
Progress ENCODE function
-
liblrge
Genome size estimation from long read overlaps
-
light-tool
轻量级的Rust工具库
-
fsmentry
Finite State Machines with an entry API and data storage
-
based16
BASE-16(HEX) implementation for chads
-
agnostic-levenshtein
Levenshtein distance for ASCII or Unicode strings
-
tick-queue
Tick ordered queue
-
meshmeshmesh
Open-source mesh processing library
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
extprim
Extra primitive types (u128, i128)
-
elites
A fast and robust implementation of the Map-Elites algorithm in Rust
-
blake2b-ref
A
no_std
BLAKE2B implementation -
pingora-limits
rate limiting and event frequency estimation
-
rust-kzg-bn254-prover
offers a set of functions for generating and interacting with bn254 KZG commitments and proofs in rust, with the motivation of supporting fraud and validity proof logic in EigenDA rollup integrations
-
jopemachine-raft
language implementation of Raft algorithm
-
re_space_view_map
A space view that shows a map
-
rand_isaac
ISAAC random number generator
-
cuda_std
Standard library for CUDA with rustc_codegen_nvvm
-
integraal
Integral computation, done in Rust!
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
checksum-tapestry
Collection of checksum algorithms and examples
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
battleship_bot
The game of battleship and a few bot implementations
-
board-game
A board game abstraction and generic utilities around it
-
dfp-number
Decimal floating-point arithmetic for Rust
-
natural
Pure rust library for natural language processing
-
tuid
Sequential UUID generator
-
loop
The package allows for processing iterators in parallel
-
lbasedb
Low level DBMS in Rust focusing on datasets
-
hybridmap
Hybrid map using smallvec and the std hashmap
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
gix-filter
gitoxide project implementing git filters
-
dlt
DLT (direct linear transform) algorithm for camera calibration
-
fast_trie
A memory efficient trie library
-
dioxus-lazy
Async list components for Dioxus
-
zmatrix
matrix calculation lib
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
iter_help
tools for iterating over collections of data
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
sulid
unique ID generation algorithm that combines the benefits of ULID and Snowflake
-
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)…
-
punkt
sentence tokenizer
-
dendritic-autodiff
Autodifferentation package for scalar and multi dimensional values
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
partition
slices in-place by a predicate
-
delatin
Fast TIN generation using Delaunay triangulation
-
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…
-
mckernant1-tools
My random tools
-
blok
3D arrays that matter
-
arithmetify
arithmetic coding
-
static_aabb2d_index
Fast static spatial index data structure for 2D axis aligned bounding boxes
-
ccsort
clone of the Unix sort command, with multiple sorting algorithms
-
simplerandom
pseudo-random number generators
-
meta_tools
Collection of general purpose meta tools
-
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.
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
egraph-serialize
serialize e-graphs
-
graphbench
A sparse graph analysis library
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
uvgen
Triplanar texture coordinates generator and packer
-
steepen
Create multiple iterators from a single iterator by separating elements
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
fast-math
Fast, approximate versions of mathematical functions
-
parol_runtime
Runtime library for parsers generated by the 'parol' parser generator
-
ordinal
Formatting of ordinals (1st, 2nd, 3rd etc)
-
ultraloglog
algorithm
-
graph_builder
A building block for high-performant graph algorithms
-
sparta
software components specially designed for building high-performance static analyzers based on the theory of Abstract Interpretation
-
diffs
A number of diff algorithms, also called longest common subsequence
-
gcr
A fast, simple, and small Generic Cell Rate (GCR) algorithm implementation with zero dependencies
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
numext-fixed-uint
Fixed-size uint types
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
xyzvec
Statically allocated fixed-size vectors for working in 2 and 3 dimensions
-
metaheurustics-rs
A comprehensive collection of metaheuristic optimization algorithms implemented in Rust
-
rs2
Reed-Solomon FEC for CCSDS downlink decoding
-
accumulator-plus
Accumulator based on Biguint
-
asciidork-dr-html-backend
Asciidork Asciidoctor HTML backend
-
cvt
Expose the cvt function from Rust libstd
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
ryley
Syntax unifies programmers
-
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
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
math-ops
Mathematical and statistical operations on vectors
-
actionable
An enum-based async framework for building permission-driven APIs
-
compile_time_sort
Sort arrays and slices of primitives in const contexts
-
explicit-endian
Transparent traits to explicitely declare in-memory endianness for a virable or struct record
-
bit-cursor
A cursor that supports bit-level reads and writes
-
treerder
Trie ordering for type implementing Orderable
-
screwsat
condlict driven clause learning sat solver
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
dawg
Directed Acyclic Word Graph
-
sort
sort algorithms
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
minimax
Generic implementations of Minimax
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
global-static
Lazily evaluated non-constant static items
-
cobyla
optimizer for Rust
-
fenex
parsing and handling FEN and algebraic chess notations
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
doers
generating Design Of Experiments (DOE)
-
iregex-automata
Finite automata definitions for the
iregex
crate -
hrv-algos
A collection of algorithms for heart rate variability analysis
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
mur3
language implementation of MurmurHash3
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
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.
-
autom
Automaton
-
median
efficient O(n) median filter
-
ssa-impls
common SSA algorithms
-
rb-interval-map
rb-interval-map
is a map based on interval tree -
sudoku-solver
backtracking algorithm for solving sudoku
-
penumbra-sdk-shielded-pool
Multi-asset shielded pool implementation for Penumbra
-
fenris-solid
Solid mechanics functionality for fenris
-
augurs-dtw
Dynamic Time Warping (DTW) algorithm for Rust
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
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
-
int_math
Integer math
-
elipdotter
Embeddable full text search engine
-
algorithmify
Create specifications for algorithms defined using Rust code
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
riichi-calc
calculate the score of a hand in riichi mahjong
-
guid-create
Rust helper for creating GUIDs
-
dandelion-random
a high performance non-cryptographic random number generator
-
oshash
https://pypi.org/project/oshash/ in Rust
-
tectonic_engine_spx2html
The Tectonic engine that converts SPX output to HTML
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
num-notation
Offers multiple numeric choices, allowing you to work with various number representations including StandardForm, fractions, and f64 floating-point decimals. This versatile crate empowers…
-
statig
Hierarchical state machines for designing event-driven systems
-
maschen
A no-std compatible shunting yard implementation
-
cubecl-opt
Compiler optimizations for CubeCL
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
smtlib
A high-level API for interacting with SMT solvers
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
murmurhash
MurmurHash3 implementation in Rust
-
nine_patch_drawable
core functionality to read nine patch bitmaps defined in Android NinePatch drawables and algorithms to scale them
-
stack-cell-ref
Share a reference in thread inner
-
f3l_search_tree
3D Point Cloud Library
-
bandit
Algorithms in Rust
-
weighted-rs
A libray for weighted balancing algorithm
-
portmatching
Fast Graph Matching for Port Graphs
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
vec_to_array
Moves a heap allocated
Vec<T>
to an stack allocated array of typeT
and sizeN
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
rugraph
undirected, directed and multidirected graph library
-
grb-sys2
Gurobi C API FFI declarations
-
ya-rand
fast random number generation
-
constrained_int
Integers that are constrained within inclusive ranges
-
rs_algo
Common sorting algorithms and other common computer science algorithms
-
ntree-rs
A mutable n-tree with async support
-
b2c2-debugger
CASL2のコードを雑雑に実行テストするCOMET2シミュレーター(エミュレーター?)もどき
-
redux-rs
Redux
-
star_rng
opinionated PRNG for easier fuzz testing
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
kaede
adalah rust library untuk operasi matematika sederhana
-
xfeval
the Excel-like formula calculator
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
gcoord
地理坐标系转换工具:提供WGS84、GCJ02、BD09坐标系之间的转换。(Geographic Coordinate System Conversion Tool: Offers conversion between WGS84, GCJ02, and BD09 coordinate systems.)
-
editdistancek
Fast algorithm for computing edit distance
-
rs-snowflake
Rust version of the Twitter snowflake algorithm
-
cube-rotations
Models the rotations that can happen on a cube without changing the set of planes to which its faces are parallel
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
sonyflake
A distributed unique ID generator inspired by Twitter's Snowflake
-
superslice
Extensions for slices
-
chrf
algorithm
-
toyai
A small collection of ai algorithms to perform some simple prediction on structured data
-
sonic-api
API for formally-verifiable distributed contracts
-
unkocrypto_rs
unkocrypto (rust)
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
easy_salt
generating hashed strings with salt, currently based on easy-hasher crate
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
const-fnv1a-hash
A #![no_std] crate for performing FNV1A-16/32/64/128 hashing on Rust stable at compile time
-
pagat
that helps you split the bill
-
data_storage_units
Unit converter for rust language
-
general_stable_vec
A Vec implementation with stable indices
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
uuid-by-string
Generating uuid-hash from string
-
algebraics
algebraic numbers library
-
quadtree-f32
dependency-free ID-based quadtree
-
teliox
Transaction Event Log
-
polyeval
Evaluate polynomials
-
mcts-rs
Monte Carlo Tree Search (MCTS) using an arena allocator
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
map_range_int
map a value from one range to another
-
libtombala
Mugsoft Tombala Game
-
evalexpr-jit
JIT compilation and symbolic differentiation of evalexpr expressions with Cranelift
-
truck-polymesh
defines polygon data structure and some algorithms handling mesh, including meshing the shapes
-
anaso_algorithm
The recommendation algorithm for Ana.so
-
rusty_units
storing units of measurement in Rust
-
collision
extension to cgmath
-
our-string
Customizable shared strings with inlining
-
cogitate
Algorithms made in Rust
-
out
fast min and max functionality for collections
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
furze
finite state transducers (fst) writen in rust
-
easing-function
easing functions for animation tweening
-
iterators_extended
Some useful extensions to Rust's iterators
-
vec_clock
Vector clock implimentation
-
minstd
minimal standard random number generator
-
narr
Numeric Calc
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
raddy
An automatic differentiation system for geometry and simulation
-
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
-
gad
Generic automatic differentiation for Rust
-
fft2d
Fourier transform for 2D data such as images
-
burster
Lightweight stack allocated rate limiter implementations
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
geo-visibility
Compute visibility polygon
-
here_be_dragons
Map generator for games
-
generic_spline
generic implementation of spline which does not assume that spline is used in graphics context
-
sobol
sequence generator for Rust
-
ndarray-layout
definitions and transformations for multi-dimensional array data layouts
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
mersenne_twister_rs
porting Mersenne Twister to Rust
-
ac-library-rs
port of AtCoder Library (ACL)
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
grb-sys
Low level bindings to Gurobi
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
microns
float to fixed precision conversion
-
lockjaw_common
lockjaw common lib. only to be used by https://crates.io/crates/lockjaw.
-
sepax2d
A safe crate for finding and resolving collisions of 2D convex shapes using the Separating Axis Theorem
-
rustronomy-watershed
a pure-rust implementation of the segmenting and merging watershed algorithms
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
hpt-traits
An internal library defines tensor operator traits for hpt
-
min2phase
An optimized implementation of two-phase algorithm for solving Rubik's cube
-
tinymvt
serializing Mapbox Vector Tile (MVT) with minimal dependencies
-
bbtk
A collection of frequently used libraries that should be in stdlib
-
ring_buffer
RingBuffer is a queue with added random access
-
median-accumulator
fast, space-efficient, generic accumulator for computing median
-
sample-std
Sampler definitions and implementations for st
-
limited-queue
a limited queue that overrides the oldest data if trying to push a data when the queue is full
-
u4
nibble (4-bit integer) library, with packed representations
-
freelist-rs
Free list for numeric values
-
sorock
A Multi-Raft implementation in Rust
-
moku
creating hierarchical state machines
-
ssr-algorithms
spaced repetition algorithms
-
dkg
Distributed key generation over ff/group
-
miniball
Minimum enclosing ball
-
dual_threshold_optimization
Dual Threshold Optimization compares two ranked lists of features (e.g. genes) to determine the rank threshold for each list that minimizes the hypergeometric p-value of the overlap of features…
-
elastic_hash_rs
Elastic Hashing from Optimal Bounds for Open Addressing without Reordering
-
poseidon-permutation
An instantiation of the Poseidon permutation for decaf377
-
arcos-kdl
ARCOS-Lab Kinematics and Dynamics Library
-
linearsort
Sorting in linear time 🤔
-
fqdn-trie
FQDN (Fully Qualified Domain Name) lookup structures (based on tries)
-
gametime
Time handling library for games
-
convert-base
convert the radix (base) of digits stored in a vector
-
blake
hash function for Rust via FFI
-
density-mesh-core
Core module for density mesh generator
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
sa-is
algorithm for suffix array construction
-
slidy
working with sliding puzzles
-
appendlist
An append-only list that preserves references to its elements
-
lightspeed_hash
Hash functions
-
esl01-dag
DAG used for source control
-
svdlibrs
port of LAS2 from SVDLIBC
-
ratio-genetic
Ratio's genetic algorithms library
-
swimos_multi_reader
SwimOS Stream Aggregator
-
voxell_rng
Cheap and dirty thread-local RNGs
-
aula_27
Aula de Library
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
ckb-rust-std
A collection of
no_std
compatible modules ported from Rust’s standard library, with an initial focus on theio
module -
merged_range2
rangeset that can merge overlapping ranges (fork of merged_range)
-
geocraft
Geocraft
-
cdc
performing Content-Defined Chunking (CDC) on data streams
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
timeharsh
implements the timehash algorithm, an algorithm for creating user configurable, variable-precision sliding windows of time. Useful for binning time values in large collections of data.
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
hexagex
Match binary data with hexadecimal regexes
-
gcollections
Generic traits over Rust collections library
-
luhn
validation library
-
svi
a function to interpolate variables in a hashmap into a format string
-
fibonacci-numbers
The 59th Fibonacci number
-
block-mesh
Fast algorithms for generating voxel block meshes from arrays
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
optical-flow-lk
Lucas-Kanade optical flow and Shi-Tomasi feature detection
-
strprox
Top-k string autocompletion
-
rand_jitter
Random number generator based on timing jitter
-
net_promoter_score
calculating Net Promoter Score (NPS) from survey responses
-
maglev
Google's consistent hashing algorithm
-
travelling_salesman
Travelling Salesman Problem Solvers
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
aoc-toolbox
An helping framework to Advent of Code
-
ssdeep
wrapper for ssdeep
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
dach
A general delta encoded network difference algorithm
-
buldak
that provides various sorting functions
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
hexagonal_pathfinding_astar
A-Star pathfinding algorithm tailored for traversing a bespoke collection of weighted hexagons
-
satif-kissat
Rust wrapper for the kissat SAT solver
-
rustint
working with RGB colors
-
windmouse-rs
windmouse
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
nmm_lib
nine mens morris
-
biscuit-converter
A decimal ASCII parser
-
avm1-emitter
AVM1 emitter
-
poisson-diskus
Poisson disk distribution sampling
-
tools-rs
Rust Utilities Library
-
eddie
Fast and well-tested implementations of edit distance/string similarity metrics: Levenshtein, Damerau-Levenshtein, Hamming, Jaro, and Jaro-Winkler
-
trading-enhancers
some 'enhancers' as data pipelines for type-safe HFT trading based on trading-types defs
-
fast-dhash
A fast rust implementation of the perceptual hash dhash
-
weak_true
Similar to the automatic implicit conversion to boolean values in weakly typed languages
-
arrsac
From the paper "A Comparative Analysis of RANSAC Techniques Leading to Adaptive Real-Time Random Sample Consensus"
-
kl_one
KL-One algorithm
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
bpe
Fast byte-pair encoding implementation
-
sorting_lib
lib implementing sort algorithm?
-
vrp-scientific
An extension logic for solving scientific VRP
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
pcg_rand
PCG family of random number generators in pure Rust
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
time-key-stream-set
A time-keyed stream set
-
geo-core
Common tools for working with spatial data
-
glar-gemm-s8u8s32
high performance cpu kernels
-
symspell
Spelling correction & Fuzzy search
-
winconsole
A wrapper for console-related functions in the Windows API
-
quasirandom
number generation
-
imohash
Fast hashing for large files
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
round_float
Round
f64
andf32
to specified number of decimals -
iter-set
Set operations on sorted, deduplicated iterators
-
sss_moo
SSS Many-Objective Optimization Framework
-
nblast
neurite similarity algorithm
-
catclustering
Agglomerative Clustering For Categorical Data
-
codes-check-digits
Common implementation of check digit algorithms
-
impls_index
Several of macros to put each function under a named macro to index every function in a class
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
bananapeel
A darn-slippery obfuscator algorithm!
-
geo-rand
Generate random geometric shapes
-
sort-it
various sorting algorithms
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
downsample
keep downsampled history of data over long period of time
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
geqslib
Equation solving made easy in Rust and beyond!
-
cps_st_machine
State machines driven by continuation passing style
-
snmptools
SNMP common tools
-
ticker-similarity-search
performing ticker similarity searching
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
komunikilo
A chaotic communications simulator
-
chrono-probe
Compare and measure the time complexity of algorithms
-
toffee
Get command to run to run specific test in a file
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
pi_ext_heap
Extending the heap supports deleting and modifying the elements at the specified location. When the elements in the heap move, the callback function will be called
-
causal-hub
A hub for Causal Data Science
-
beetle_bits
A collection of bit-based types. Currently only u1 (1bit uint) and f3 (3bit float) are implemented
-
kindness
Methods for returning random elements from an iterator
-
kidy
kinematics and dynamics of multi-body
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
bisection
Python bisect module
-
punkt_n
Punkt sentence tokenizer
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
drying_paint
observer pattern for Rust
-
var_num
Variable length number implementation that can be used as a drop in replacement for any number primitive
-
entro-spin
Entro Spin is a 64-bit, true-random number generator algorithm
-
zzz
Fast progress bar with sane defaults
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
jdt_activity_pub
ActivityPub is a set of structs and enums used to facilitate the operations of ActivityPub servers and clients
-
sark_grids
A set of grids for storing and accessing data in a grid-like way
-
jsonposition
Finds a path to a JSON element at a provided string index
-
spatial
An N-Dimensional R-tree family spatial tree implementations
-
hook
A filtering mechanism where functions (filters) can be registered, prioritized, and applied sequentially to values associated with named hooks. In Rust.
-
lazysort
Lazy sorting for iterators
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
iter-group
grouping (key,value) iterators into maps of collections
-
ndarray-polyfit
Polynomial fitting based on ndarray
-
neophyte-ui-event
Parsing for Neovim UI events
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
flxy
Full-text searching and scoring of strings
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
big-rational-str
Format and parse BigRationals to/from decimal numbers
-
eta-graph
Low overhead graph library focused on performance
-
fmttools
Tools for modifying text without allocating any intermediate buffers or unsafe code
-
linear-map
A map implemented by searching linearly in a vector
-
inter-val
Mathematical intervals, i.g., [a, b], (a, b), [a, b), and (a, b] on ℝ, and multi-dimensional axis-aligned boxes represented as Cartesian product of intervals
-
voro_rs
binding for voro++ library
-
kanaria
functions such as hiragana, katakana, half-width and full-width mutual conversion and discrimination
-
extsort-lily
An efficient external merge sort implementation
-
gchemol-geometry
gchemol: a Graph-based CHEMical Objects Library
-
nydus-error
Error handling utilities for Nydus Image Service
-
libfl
floating point operations that supports rounding modes and fpu exceptions
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
rizzer
Fuzzy matching tool to find string similarity
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
varisat
A CDCL based SAT solver (library)
-
bin_packer_3d
Three dimensional fitting algorithm to fit smaller boxes inside of a larger box
-
argmap
parse command-line arguments into a hashmap and vec of positional args
-
fastbuf
single-thread-oriented very fast byte buffer
-
powerboxesrs
functions to manipulate and compute metrics on boxes
-
dfo
Differentiable Floating-point Operations in Rust
-
lol-core
A Raft implementation in Rust language
-
rselib
Misc algorithms implemented for embedded usage (i.e., wasm)
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
affinityprop
Vectorized and Parallelized Affinity Propagation
-
hampel
Sequential outlier detection and removal using Hampel identifiers
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
extended-isolation-forest
rust port of the anomaly detection algorithm
-
const_ranged_int
Ranged constant integers. Useful for lookup tables with constrained values to avoid secondary bounds check.
-
colorbox
A low-level toolbox for working with color
-
qdft
Constant-Q Sliding DFT
-
crypto_api_blake2
Implements Blake2b for
crypto_api
-
geos-sys
GEOS C API bindings
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
buf_read_splitter
BufReadSplitter can read a buffer giving an array as separator, stopping before each one encounter. The separator can be updated on the fly.
-
kzg-commitment
perform KZG polynomial commitment scheme
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
gtfs-generator
Convienience helpers for writing GTFS converters
-
scm-bisect
Supporting library for git-branchless
-
dzn-rs
dealing with DZN files used in the MiniZinc language
-
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
fr_alebref_libbrefdata
BrefData library
-
human-sort
Human sort (natural sort) implementation
-
lindenmayer
Memory Efficient Lindenmayer-Systems
-
buf-min
Minimal utf-8 safe buffer traits
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
oca-dag
OCA DAG
-
coinutils-src
Redistribution of Coin-OR CoinUtils as a crate
-
cfpyo3_rs_bindings
a collection of performant utilities
-
search_trees
binary search tree, red-black tree, and AVL tree
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
simple-easing
Set of simple easing functions
-
murmurhash3
MurmurHash3 implementation
-
nyar-number
Numeric types with GC optimization
-
peepmatic-automata
Finite-state transducer automata
-
number-based
attempt of mine to make working with number bases simple
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
shape-core
Definition of geometry shapes
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
ed2k
hash function
-
discoid
Different types of generic Circular Buffers
-
shakemyleg
state machine definition language and interpreter
-
iterslide
A "sliding window" iterator
-
libreda-sta
Static timing analysis for netlists of the LibrEDA framework
-
tree_traversal
Find best leaf node in a tree
-
numint
ODE solvers and numerical integration in Rust
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
nnf
Negation Normal Form manipulation library
-
grabbag
A random grab-bag of functionality
-
range_rover
Function to pack integers into ranges
-
cubic_spline
Function that calculates curve points for cubic spline
-
wiiu_swizzle
Wii U texture memory tiling
-
prepona
A graph crate with simplicity in mind
-
gamma
Graph primitives and traversals for Rust
-
ibmfloat
IBM floating point number types
-
artcode
Converts dates into artcode coordinates
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
jellyfish
Approximate and phonetic matching of strings
-
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.
-
qframework
A experimental micor framework for clear design, based on queue model
-
materialized-view
incremental materialized views for the masses
-
satif
SAT solver interface
-
qip-iterators
Iterators for tensor product matrix multiplication
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
UUID_extend
Extension of uuid generation based on snowflake algorithm and implementation of ID to string conversion
-
bnb
A generic template for Branch & Bound algorithms
-
pingora-ketama
Rust port of the nginx consistent hash function
-
rand_sfc
Chris Doty-Humphrey's SFC PRNGs
-
augrim
consensus algorithms implemented in Rust
-
postman-api
Postman client, generated from the OpenAPI spec
-
node2vec
in rust
-
glicko2
rating system
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
bool-toggle
bool toggling for the bool toggle enjoyers
-
geo-aid-script
Geo-AID's subcrate for parsing GeoScript
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
xelis_hash
A Xelihash optimize algo package
-
scale_std
datastructures and algorithms to be run on the SCALE engine
-
swf-fixed
SWF fixed-point numbers for Rust
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
fx-hash
A speedy, non-cryptographic hashing algorithm used by rustc. Fork of rustc-hash.
-
rucrf
Conditional Random Fields implemented in pure Rust
-
multidimension
High-level manipulation of multi-dimensional arrays
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
tokeneer
tokenizer crate
-
subslice
Fast subslice search
-
line_2d
Bresenham's line algorithm as a rust iterator
-
fltrs
Filter for querying lists
-
owned_str
Provide a stack allocated String for no-std or const environement
-
rev_bits
reverses bits in a specified range
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
container_image_dist_ref
parsing and validating container image references
-
wfc
Generate images using Wave Function Collapse
-
cytogon
Mesh generation library based on cellular automata
-
zvxryb-broadphase
A broadphase collision detection library
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
async_bagit
Create and load BagIt containers
-
rust-sugiyama
Sugiyama's algorithm to calculate coordinates of a directed graph
-
rust_wfa
wavefront sequence alignment algorithm
-
tea-dtype
provide datatype and useful traits for datatype
-
hasher
Package hasher provides a Hasher trait
-
enso-optics
functional optics
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
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.
-
data_units
Data unit converter
-
stateflow
extensible state machine implementation in Rust
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
oxydized-money
providing data types to manipulate amounts of money in specific currencies and convert amounts between then
-
sapling-dag
DAG used for source control
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
lambdautils
random utlities I need from time to time but don't fit their own crates
-
tugger-wix
Interfaces to the WiX Toolset to produce Windows installers
-
dess
Differential Equation System Solver (DESS) is a Rust crate implementing fixed-step and adaptive-step solvers and designed especially for modeling physical systems. Seven explicit ordinary differential equation (ODE)…
-
dragoonfri
Fast Reed-solomon Interactive oracle proof of proximity
-
streamvbyte64
stream-vbyte codec supporting 64-bit wide values
-
osi-src
Redistribution of Coin-OR Osi as a crate
-
qtruss
finite-element solver for trusses
-
sha3-asm
Raw bindings for SHA-3 algorithms written in assembly
-
aviation-calculator
Useful calculations for aviators
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
markov-algorithms
Markov algorithms
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
swap3
Swapping of three references, rotating the values left or right
-
prexel
A math expression evaluator
-
tessellation
3d tessellation library
-
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
-
regex-filtered
Efficiently check an input against a large number of patterns
-
jaaptools
I really just wanted to try publishing a package, but this contains stuff I find useful in many circumstances
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
bs
bitset with small-set (single-word) optimization
-
seadawg
that implements the online algorithm for Direct Acyclic Word Graph (DAWG) and Compact Direct Acyclic Word Graph (CDAWG)
-
wrappinghashset
HashSet that remembers the last key it returned with its iterator and subsequently will wrap around and only return all of the keys once per call. This is useful if you want to use a set both via hashing…
-
fuchsia-cprng
Fuchsia cryptographically secure pseudorandom number generator
-
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…
-
polars-algo
Algorithms built upon Polars primitives
-
sparse_matrix
do linear algebra with sparse matrix
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
mahf-bmf
A collection of common continuous benchmark functions for MAHF
-
molecules
working with molecules and molecular dynamics simulations
-
rxqlite-tests-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
arima
time series modeling for Rust
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
blossom
algorithm to get a maximum matching in an undirected graph
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
vsr
Viewstamped Replication in Rust
-
lockstep
An iterator adaptor for selective zipping
-
mail-headers
[mail/headers] header parts for the mail crate (inkl. header map and standard header impl)
-
rustlearn
A machine learning package for Rust
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
noise-functions-config
Configurable noise generator for
noise-functions
-
addchain
Generate addition chains
-
cygv
Compute GV and GW invariants of CY manifolds
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
abow
Visual bag of words for fast image matching
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
locustdb-compression-utils
compressing and decompressing sequences used in LocustDB
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
tdigest
T-Digest algorithm in Rust
-
sn-merkle-trie
Minimal starknet merkle patricia trie implementation
-
globe-rs
management of geographic coordinates
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
floaters
generate floating-point numbers in various ways
-
hexx_more
Extensions to the
hexx
crate -
shabottom
reimplementation in Rust
-
symbolic_polynomials
manipulation of polynomials over the integers
-
grafos-tools
Graph Theory Package. Create, manipulate and run algorithms on graphs.
-
clustering
easy way to perform kmeans clustering on arbitrary data
-
parquet_to_excel
convert parquet file(s) to an/a excel/csv file with constant memory in rust
-
morton
space filling curve functions
-
rcalc_lib
Mathematical expression calculation library
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
crc8-cdma2000-fast
SIMD-powered implementation of CRC-8/CDMA2000
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
rootfind
Root-finding algorithms
-
coding_pk
pk for coding solution
-
text-file-sort
Sort a text file similar to linux sort
-
rtsam
Real Time Smoothing and Mapping (RTSAM) in Rust
-
hash_ord
lib contains OrdMap(avl tree) and HashMap(use avl to resolve collision);
-
adapton-lab
Testing and performance evaluation suite for Adapton
-
rendezvous_hash
Rendezvous hashing algorithm
-
scroll-buffer
Extra writable buffers for Scroll
-
coord_transforms
performing coordinate transformations
-
stable-hash
A stable, structured hash with backward compatibility
-
modular-decomposition
computing the modular decomposition of a graph
-
fhash
Blazingly fast hash for HashMaps in Rust
-
nd-icp
Generic n dimensional implementation of the ICP algorithm based on SVD and the nalgebra linear algebra library
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
memmem
Substring searching
-
imgddcore
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
matrix-oxide
Lightweight Linear Algebra Library For Rust
-
meowhash
Meow hash function
-
dendritic-clustering
Package for algorithms related to clustering
-
javarandom
Pure rust implementation of java.util.Random
-
bip_util
Bittorrent Infrastructure Project
-
watermill
Blazingly fast, generic, and serializable online statistics
-
toolbelt_a
random tools for use
-
worley-noise
Worley noise implementation
-
prime_bag
A bag datatype that used unsigned integers for storage
-
wheel
algebra library for Rust
-
xorwowgen
Several implementations of the Xorwow algorithm
-
reduced_row_echelon_form_jeck
reduced_row_echelon_form
is an api that lets you constuct a Matrix and convert it to RREF -
name-engine
computing Markov chains to generate random names based on pronunciation
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
hmmm
Hidden Markov Models in Rust
-
topk
TopK algorithm implementation in Rust
-
puan-pv
Propositional logic statements with evaluation functionalities implemented
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
phi-detector
Phi Accrual Failure Detector
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
luhn_tools
A fast, minimal implementation of the Luhn algorithm
-
ffilter
dsp library
-
ironstorm_lookup
Lightning fast lookup table for auto completion, type ahead, suggestion engines
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
kernel-density-estimation
Kernel density estimation in Rust
-
lax
LAPACK wrapper without ndarray
-
mfem
A high-level Rust wrapper for MFEM
-
vec-drain-where
alternative
Vec::drain_filter
impl -
egml-io
IO operations for processing GML data
-
stcalc
Stack calculator
-
swimos_rtree
SwimOS R-Tree
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
rexl
Common Library for Rust
-
n18game
assets and logic for 18xx games
-
ramp64-srm-convert-lib
build RetroArch Mupen64 SRM Converter
-
rscompress-transformation
data transformation supporting rscompress
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
hackflight
flight-control software for makers in Rust
-
decimal-wad
Math for preserving precision floats up to 18 decimal places
-
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…
-
rs_sha224
rs_sha224
is a Rust implementation of the SHA-224 cryptographic hash algorithm, part of the largerrs_shield
project. This package provides SHA-224 hashing functionality in a standalone manner… -
cplit
Competitive Programming Library in Rust
-
moga
A multi-objective genetic algorithm framework
-
rust-algo
rust algorithms
-
murmur2
hash functions - see docs.rs
-
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
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
wtools
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.
-
rmath
math library
-
probably
various approximate computing algorithms
-
slsqp
optimizer for Rust
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
contest-algorithms
Common algorithms and data structures for programming contests
-
field33_rdftk_core_temporary_fork
core RDF data model; concrete implementations for Statements and Literals, along with a Resource type that provides a builder-like experience for models
-
pow2
Represents a non-negative power of 2, by storing its exponent
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
delaunator
A very fast 2D Delaunay triangulation library
-
sapling-mincode
Bincode-like serialization with VLQ encoded integers
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
inexor-rgf-model-random
Inexor - Reactive Graph Flow - Model - Random
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
squares
A Counter-RNG faster than Philox
-
cmaze
Core of tmaze game
-
shortestpath
Shortest Path is an experimental library finding the shortest path from A to B
-
powers
Power flow simulation and optimization
-
galapagos
evolutionary solver
-
algx
Knuth's Algorithm X
-
simple-pagerank
calculate the PageRank of a graph
-
guts
Traits for constructing/destructuring from/into a type's internal guts
-
kermit-kvs
Key-value stores used in Kermit
-
citi
Read and write CITI files
-
xxh3
XXH3 hash function
-
ldpc
A toolbox for classical and quantum LDPC codes
-
re_arrow_util
Helpers for working with arrow
-
cut-optimizer-2d
A cut optimizer for cutting rectangular pieces from sheet goods
-
jumphash
A Fast, Minimal Memory, Consistent Hash Algorithm
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
insides
A compact, high performance space filling curve library for Rust
-
snaplog
easily recording changes to values
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
deranged
Ranged integers
-
sfsm
Static state machine generator for no_std and embedded environments
-
bvh
A fast BVH using SAH
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
automaton
Parse regular languages
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
stb_rect_pack
Wrapper over stb_rect_pack_sys, offering a cleaner abstraction than the bindgen generated interface
-
vec_extract_if_polyfill
Polyfill for Vec::extract_if
-
proc-opt
WIP: Process/Job scheduling optimization library
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
eom
Configurable ODE/PDE solver
-
advanedresearch-trinoise
A mathematical noise pattern of 3 values based on Number Theory and Set Theory
-
vsort
GNU Version Sort Rust implementation
-
kratom
neural network library
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
teeint
A teeworlds variable int packer/unpacker
-
classific
Classifications, comparator and equivalence class implementations
-
light-double-ratchet
implements the Double Ratchet algorithm in Rust
-
num-cmp
Comparison between differently typed numbers
-
nistrs
his crate implements statistical tests according to the NIST standard
-
gsv-culture-ships
Iain M. Banks's Culture ship names in a library.
-
bit-list
A lazy list of bits
-
ripgen_lib
High-performance domain-name permutation generator
-
gym-rs
OpenAI's Gym written in pure Rust
-
regex-lite
A lightweight regex engine that optimizes for binary size and compilation time
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
statement
An event-driven state machine library for Rust
-
quickcheck_seedable
Automatic property based testing with shrinking
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
rustsat-batsat
Interface to the SAT solver BatSat for the RustSAT library. BatSat is fully implemented in Rust
-
earley-omnitool
An Earley parser engine
-
entromatica
constructing, simulating and analyzing markov chains
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
rs-graph
graph algorithms and combinatorial optimization
-
anndists
some distances used in Ann related crates
-
similar-string
Find similar strings in Rust
-
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
-
boolector-sys
Low-level bindings for the Boolector SMT solver