-
rand
Random number generators and other randomness functionality
-
ahash
A non-cryptographic hash function using AES-NI for high performance
-
twox-hash
XXHash and XXH3 algorithms
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
fastrand
fast random number generator
-
crc
support of various standards
-
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
-
noise
Procedural noise generation library
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
stacker
A stack growth library useful when implementing deeply recursive algorithms that may accidentally blow the stack
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
rstar
An R*-tree spatial index
-
fnv
Fowler–Noll–Vo hash function
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
bitpacking
Fast integer compression/decompression via SIMD bit-packing. Port of simdcomp to rust.
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
wildmatch
string matching with single- and multi-character wildcard operator
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
md5
The package provides the MD5 hash function
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
pathfinding
flow, and graph algorithms
-
ff
building and interfacing with finite fields
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
uint
Large fixed-size integer arithmetic
-
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.
-
strength_reduce
Faster integer division and modulus operations
-
oorandom
A tiny, robust PRNG implementation
-
gcd
Calculate the greatest common divisor
-
streaming-iterator
Streaming iterators
-
rdrand
random number generator based on rdrand and rdseed instructions
-
murmur3
hash
-
rand_hc
HC128 random number generator
-
topological-sort
Performs topological sorting
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
nucleo
plug and play high performance fuzzy matcher
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
easy-smt
Easily interact with an smt solver as a subprocess
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
treediff
Find the difference between arbitrary data structures
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
robust
adaptive floating-point predicates for computational geometry
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
task-local-extensions
Task-local container for arbitrary data
-
timely
A low-latency data-parallel dataflow system in Rust
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
slice-group-by
Iterators over groups in slices and strs
-
daachorse
Double-Array Aho-Corasick
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
jubjub
elliptic curve group
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
metrohash
high quality, high performance hash algorithm
-
fastcdc
(content defined chunking) in pure Rust
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
raft
language implementation of Raft algorithm
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
genetic_algorithm
A genetic algorithm implementation
-
GSL
binding for the GSL (the GNU scientific library)
-
chalk-recursive
Recursive solver for the Chalk project
-
adler
clean-room implementation of the Adler-32 checksum
-
varpro
A straightforward nonlinear least-squares fitting library which uses the Variable Projection algorithm
-
ph
data structures based on perfect hashing
-
fractional_index
fractional indexing
-
k
kinematics
-
contour
Compute isorings and contour polygons (using marching squares algorithm)
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
crossterm_winapi
WinAPI wrapper that provides some basic simple abstractions around common WinAPI calls
-
arrow-ord
Ordering kernels for arrow arrays
-
mergable
user-friendly and efficient CRDTs
-
differential-dataflow
An incremental data-parallel dataflow platform
-
levenberg-marquardt
algorithm built on top of nalgebra
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
levenshtein
algorithm
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
special
The package provides special functions
-
rust-stemmers
some popular snowball stemming algorithms
-
rand_regex
Generates random strings and byte strings matching a regex
-
quad-rand
Pseudo random implementation with core atomics
-
cdshealpix
HEALPix tesselation
-
transpose
transposing multi-dimensional data
-
rithm
Arbitrary precision arithmetic
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
annembed
dimension reduction à la Umap
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
orx-v
Traits to unify all vectors!
-
tailcall
Safe, zero-cost tail recursion
-
dive-deco
A dive decompression models library (Buehlmann ZH-L 16C)
-
chalk-engine
Core trait engine from Chalk project
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
kd-tree
k-dimensional tree
-
rand_mt
Reference Mersenne Twister random number generators
-
gix-negotiate
gitoxide project implementing negotiation algorithms
-
blurhash
A pure Rust implementation of blurhash
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
timsort
modified MergeSort used in Python and Java
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
dypdl
Libarary for Dynamic Programming Description Language (DyPDL)
-
naive_opt
The optimized naive string-search algorithm
-
twofloat
Double-double arithmetic functionality
-
meos
Rust bindings for MEOS C API
-
ddo
generic and efficient framework for MDD-based optimization
-
quantiles
a collection of approximate quantile algorithms
-
cam-geom
Geometric models of cameras for photogrammetry
-
dec
A decimal arithmetic library providing high-level, safe bindings to libdecnumber
-
dbsp
Continuous streaming analytics engine
-
pocket_prover
A fast, brute force, automatic theorem prover for first order logic
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
rs-wordle-solver
solving Wordle-style puzzles. It provides multiple guessing algorithms, as well as building blocks for implementing your own Wordle solving algorithms.
-
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
-
bm25
BM25 embedder, scorer, and search engine
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
itermore
🤸♀️ More iterator adaptors
-
usearch
Smaller & Faster Single-File Vector Search Engine from Unum
-
iroh-blobs
blob and collection transfer support for iroh
-
fakeit
Fake data generator library with 130+ functions
-
RustQuant_math
quantitative finance
-
gxhash
non-cryptographic algorithm
-
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.
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
probminhash
Minhash algorithms for weighted Jaccard index
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
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…
-
t1ha
T1AH (Fast Positive Hash) hash function
-
incremental
computations, based on Jane Street's incremental
-
mockd
Fake data generator library with 130+ functions
-
accurate
(more or less) accurate floating point algorithms
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
integer-sqrt
integer square root algorithm for primitive rust types
-
russcip
Rust interface for SCIP
-
murmurhash32
murmurhash32_2
-
version-ranges
Performance-optimized type for generic version ranges and operations on them
-
glissade
that provides various utilities for animations and transitions
-
meta_tools
Collection of general purpose meta tools
-
qwt
Quad Wavelet Tree
-
cubecl-linalg
CubeCL Linear Algebra Library
-
byteyarn
hyper-compact strings
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
bit-matrix
bit matrices and vectors
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
gcra
A basic implementation of GCRA algorithm for rate limiting
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
interp
Matlab's interp1 function
-
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.
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
cubecl
Multi-platform high-performance compute language extension for Rust
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
adler32
Minimal Adler32 implementation for Rust
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
clingo
Rust idiomatic bindings to the clingo library
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
fuzzy-muff
Fuzzy Matching Library
-
relp
Rust Exact Linear Programming
-
macro-machines
State machine macros with logging and graphviz DOT file generation
-
turborand
Fast random number generators
-
adler2
clean-room implementation of the Adler-32 checksum
-
ids_service
that allows to generate unique Ids
-
random_word
Efficient functions for generating random words in many languages
-
nozomi
Equivalent of the Linux shred command but in rust and library. Allows you to securely erase data from a hard drive.
-
extendhash
Rust Hash Extender
-
optirustic
A multi-objective optimisation framework for Rust
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
ran
fast random numbers generation
-
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.
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
reactive_graph
A fine-grained reactive graph for building user interfaces
-
union-find
Struct and methods for union-find operation
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
dilate
A compact, high performance integer dilation library for Rust
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
polylog
polylogarithms
-
diff-match-patch-rs
A high-performance port of Myer's diff algorithm to perform the operations required for synchronizing plain text
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
av-metrics
A collection of algorithms for measuring audio/video metrics
-
smolprng
A Small and Extensible PRNG written in Rust
-
satkit
Satellite Toolkit
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
cap-rand
Capability-based random number generators
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
rust-analyzer-salsa
A generic framework for on-demand, incrementalized computation (experimental)
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
cryptocol
cryptographic library that includes big number arithmatic operation, hash algorithms, symmetric-key cryptographic encryption/decryption algorithms, asymmetric-key (public-key) cryptographic…
-
color_space
converting between color spaces and comparing colors
-
float_next_after
A trait for native rust f64/f32 nextafter
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
sefar
evolutionary optimization algorithms
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
hmac-sha1
wrapper around the RustCrypto hmac and sha1 crates for simple HMAC-SHA1 generation
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
ra_ap_salsa
A generic framework for on-demand, incrementalized computation (experimental)
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
merkle-cbt
generating efficient Merkle tree and combined Merkle proof based on complete binary tree
-
easyfft
providing an easy FFT API for arrays and slices
-
kmeans
Small and fast library for k-means clustering calculations
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
raftbare
Minimal but feature-complete, I/O-free implementation of Raft distributed consensus algorithm
-
xxhrs
Safe XXHash and XXH3 bindings
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
contour-isobands
Compute isobands and contour polygons (using marching squares algorithm)
-
raftify
Experimental High level Raft framework
-
trie_rcv
Ranked Choice Voting implementation using Tries in Rust
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
rex-sm
Hierarchical state machine
-
general-sam
A general suffix automaton implementation in Rust
-
atomic-traits
The traits for generic atomic operations
-
arrow-string
String kernels for arrow arrays
-
dotlr
An LR(1) parser generator and visualizer created for educational purposes
-
hyperloglogplus
HyperLogLog implementations
-
opensimplex2
Port of OpenSimplex2
-
interval_adapter
Interval adapter for both open/closed implementations of intervals ( ranges )
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
pasture-algorithms
Point cloud algorithms for pasture
-
dogear
merging bookmark trees
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
swift_vec
A convenient and comfortable vector maths crate that supports 2D, 3D, and 4D matrices and vectors - along with additional scalar math
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
autour_core
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
graaf
Work with directed graphs
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
uutils_term_grid
formatting strings into a grid layout. Fork of term_grid.
-
rand_chacha
ChaCha random number generator
-
line-span
Find line ranges and jump between next and previous lines
-
sigmah
Create and scan binary signature in Rust efficiently
-
probability
The package provides a probability-theory toolbox
-
iban
IBAN parsing library
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
many-unzip
multiunzip
from itertools but with support for larger than 12-tuples -
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
tau-engine
A document tagging library
-
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
-
stringmetrics
approximate string matching
-
jaime
j.a.i.m.e. is an ergonomic all purpose gradient descent engine
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
simple_hll
HyperLogLog implementation in rust
-
rgeometry
High-Level Computational Geometry
-
graph-algorithms-rs
A collection of graph algorithms
-
zeros
-
timberio/file-source
A high-performance observability data pipeline
-
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.
-
num-order
Numerically consistent
Eq
,Ord
andHash
implementations for variousnum
types (u32
,f64
,num_bigint::BigInt
, etc.) -
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
axgeom
that provides ability to extract 1d ranges out of 2d objects
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
startin
A Delaunay triangulator for terrains
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
conhash
Consistent Hashing library in Rust
-
geometry-predicates
port of robust geometric predicates
-
counting_sort
Counting sort implementation for Iterators
-
vecmath
type agnostic library for vector math designed for reexporting
-
natord
Natural ordering for Rust
-
bignumbe-rs
Large, medium-precision numbers
-
peek-again
A performant iterator providing double peek functionality
-
ckey
consistent hash key library
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
to_shmem
Trait to write to a contiguous chunk of shared memory
-
gix-revwalk
providing utilities for walking the revision graph
-
s2-tilejson
Backwards compatible JSON format for describing s2 map tilesets
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
drain_filter_polyfill
current nightly implementation of Vec::drain_filter, copypasted out for use on stable
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
importunate
Methods for returning random elements from an iterator
-
pumpkin-solver
The Pumpkin combinatorial optimisation solver library
-
kendalls
Kendall's tau rank correlation
-
oxidd-reorder
Reordering algorithms for OxiDD
-
algorithmica
Rust Algorithms
-
fast-tlsh
generate / parse / compare TLSH locality sensitive hashes
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
volute
Boolean functions implementation, represented as lookup tables (LUT) or sum-of-products (SOP)
-
graph_process_manager_loggers
Generic loggers for graph_process_manager_core
-
pyin
pYIN pitch detection algorithm written in Rust
-
belnapian
Belnap's 4-valued logic basic building blocks in Rust
-
hypertwobits
cardinality estimation algorithm
-
nlopt
Wrapper for the nlopt library
-
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…
-
rand_aes
AES based pseudo-random number generator
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
easer
Tiny library imlementing Robert Penner's easing functions
-
multistochgrad
Stochastic Gradient, Multithreaded
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing
Iterator<Item = char>
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
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'
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
tolerance
Math representation of the physically needed permissible deviation of measures
-
voxell_rng
Cheap and dirty thread-local RNGs
-
programinduction
program induction and learning representations
-
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
-
pg_task
Resumable state machine based Postgres tasks
-
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…
-
flo_binding
Declarative binding library for Rust
-
explicit-endian
Transparent traits to explicitely declare in-memory endianness for a virable or struct record
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
rand_jitter
Random number generator based on timing jitter
-
is-tree
Everything is a tree
-
tinyrand
Lightweight RNG specification and several ultrafast implementations in Rust
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
english-to-cron
converts natural language into cron expressions
-
qptrie
A QP-Trie implementation for Rust
-
tifloats
Speedy, accurate emulation of TI-Floats
-
random-pick
Pick an element from a slice randomly by given weights
-
recursive
Easy recursion without stack overflows
-
convolve2d
Easy and extensible pure rust image convolutions
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
hyperloglog
in Rust
-
relp-num
Number types for the relp crate
-
density-rs
Superfast compression library
-
rufl
A powerful util function library for rust
-
partial_sort
version of std::partial_sort
-
rake
Rapid Automatic Keyword Extraction (RAKE) algorithm
-
geo-clipper
Boolean operations on polygons
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
xentrace-parser
A XenTrace files parser with a study purpose
-
tf-binding-rs
Fast transcription factor binding site prediction and FASTA manipulation in Rust
-
zorder
Fast Z-order curve conversions
-
probabilistic_bisector
bisection for one-dimensional functions in the presence of noise
-
solaris-rs
predict the position of the Sun
-
sapling-dag
DAG used for source control
-
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…
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
augurs-dtw
Dynamic Time Warping (DTW) algorithm for Rust
-
radiate
genetic algorithms and artificial evolution
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
rmqtt-raft
raft framework, for regular people
-
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
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
tdigests
An efficient Rust implementation of the t-digest algorithm
-
bevy_lookup_curve
Editable lookup curve for Bevy
-
feruca
Unicode Collation Algorithm
-
rollgrid
pseudo-infinite open worlds
-
nu_plugin_hashes
A Nushell plugin that adds 61 cryptographic hash functions from Hashes project
-
ratel_bandit
Muti-armed Bandit Simulator
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
jopemachine-raft
language implementation of Raft algorithm
-
anim8
Animation toolset
-
opis
rational number and matrix arithmetic
-
fixed32-math
Geometric types
-
truck-polymesh
defines polygon data structure and some algorithms handling mesh, including meshing the shapes
-
reveler
A cryptographic commitment scheme based on lattice and parallelized matrix-vector multiplication
-
arrow-buffer
Buffer abstractions for Apache Arrow
-
syntree_layout
visualize trees from the 'syntree' crate
-
moga
A multi-objective genetic algorithm framework
-
undo_stack
A minimal undo stack for user defined types
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
lace_cc
Core of the Lace cross-categorization engine library
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
timelag
Creating time-lagged time series data
-
spiral
Iterate over a 2D structure in a spiral pattern
-
d3_geo_voronoi_rs
A port into rustlang of the javascript library d3-geo-voronoi
-
linestring
line string toolbox
-
romu
A pseudo random number generator using the Romu algorithm
-
futf
Handling fragments of UTF-8
-
shakemyleg
state machine definition language and interpreter
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
list_math
doing math on a list including average, smallest, largest, and standard deviation
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
math-ops
Mathematical and statistical operations on vectors
-
breakout
detection for Rust
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
mcts-rs
Monte Carlo Tree Search (MCTS) using an arena allocator
-
lazyrand
generating random numbers easily
-
extsort-iter
external sorting for all types for all iterators
-
ext-sort
rust external sort algorithm implementation
-
lilt
dependency free library for running interruptable, transition based animations as a function of time
-
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
-
louvre
A Robust Triangulation Algorigthm
-
regexsolver
Manipulate regex and automaton as if they were sets
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
setsum
order-agnostic checksum
-
indexsort
sort crate, porting Golang sort package to Rust
-
markov_namegen
Random text generators based on Markov models
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
sorock
A Multi-Raft implementation in Rust
-
bpe-tokenizer
A BPE Tokenizer library
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
cryptify
A procedural macro library to obfuscate Rust code. Provides compile-time string encryption and random flow obfuscation.
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
board-game
A board game abstraction and generic utilities around it
-
perchance
Very simple random number generation optimized for ease of use
-
hostlist-parser
Parses hostlist expressions into a Vec of Strings
-
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.
-
puan-rust
Puan package contain tools for defining logic relationships among linear inequalities and reduction algorithms
-
dcc-lsystem
Lindenmayer system together with some rendering tools
-
intel-mkl-sys
Rust binding of unique functions in Intel(R) MKL
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
fast-boolean-anf-transform
Fast implementation of the boolean Algebraic Normal Form (ANF) transform
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
static_aabb2d_index
Fast static spatial index data structure for 2D axis aligned bounding boxes
-
impls_index
Several of macros to put each function under a named macro to index every function in a class
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
ainconv
Converts Ainu words between different scripts (Katakana, Latin, Cyrillic)
-
rugraph
undirected, directed and multidirected graph library
-
float_plus
Additional features for float values
-
strtod
A high precision floating point parser implementation for Rust
-
sapling-mincode
Bincode-like serialization with VLQ encoded integers
-
libmf
Large-scale sparse matrix factorization for Rust
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
libphext
A rust-native implementation of phext
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
liba
An algorithm library based on C/C++
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
dmp
A high-performance library in that manipulates plain text
-
doers
generating Design Of Experiments (DOE)
-
kak-tabs
kakoune tabs
-
autodiff
An automatic differentiation library
-
hex2d
Helper library for working with 2d hex-grid maps
-
pcg_rand
PCG family of random number generators in pure Rust
-
mot-rs
Dead simple multi object tracking in Rust
-
symagen
Synthetic manifold generation
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
linalg-traits
Traits for generic linear algebra
-
patronus
Hardware bug-finding toolkit
-
flexihash
Consistent hashing following the API and compatible with flexihash-php and flexihash-py
-
polyline-ffi
FFI bindings for the polyline crate
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
gridish
working with British and Irish national grid strings
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
rectutils
Common algorithms for rectangles (quadtree, rect packing, etc.)
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
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…
-
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.
-
wcs
FITS World Coordinate System (WCS)
-
battleship_bot
The game of battleship and a few bot implementations
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
permutation
Small utility for creating, manipulating, and applying permutations
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
cint
A lean, minimal, and stable set of types for color interoperation between crates in Rust
-
random
The package provides sources of randomness
-
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
is_sorted
Iterator sorted?
-
rust_cascade
bloom filter cascade implementation in Rust
-
random-nickname2
用于Rust的随机用户昵称生成器
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
ognlib
Some code that is written to practice Rust
-
cdchunking
Content-defined chunking
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
lophat
Lockfree Persistent Homology Algorithm Toolbox
-
multistream-batch
Implementations of batching algorithms
-
poi
A pragmatic point-free theorem prover assistant
-
var_num
Variable length number implementation that can be used as a drop in replacement for any number primitive
-
qrc
generating and manipulating QR code images in various formats
-
ultrasonic
Transactional execution layer with capability-based memory access for zk-AluVM
-
eta-algorithms
Low overhead data structures focused on performance
-
autom
Automaton
-
fnrs
some useful functions i like
-
mylibrary_
my personal library
-
rmpfit
Pure Rust implementation of the CMPFIT library
-
easing-function
easing functions for animation tweening
-
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…
-
osqp
(Operator Splitting Quadratic Program) solver
-
gcr
A fast, simple, and small Generic Cell Rate (GCR) algorithm implementation with zero dependencies
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
chibihash
algorithm
-
cube-rotations
Models the rotations that can happen on a cube without changing the set of planes to which its faces are parallel
-
umash
Idiomatic API for the umash hash/fingerprint function
-
cobyla
optimizer for Rust
-
line-clipping
implementing line clipping algorithms
-
del-ls
sparse solver library for research prototyping
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
noise-functions
Fast and lightweight noise functions
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
editdistancek
Fast algorithm for computing edit distance
-
codeq
Codec trait
-
randm
Small, fast, and efficient random generation crate
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
misfortunate
Perverse implementations of safe Rust traits
-
lerp
Generic linear interpolation and extrapolation, automatically implemented for a variety of numeric types
-
line-col
Convert string slice indices into line/column numbers
-
bpe
Fast byte-pair encoding implementation
-
vrp-pragmatic
An extension logic for solving rich VRP
-
office-to-pdf
Convert office files to pdf files
-
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
-
floaters
generate floating-point numbers in various ways
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
funspace
N-dimensional function spaces and transforms
-
u4
nibble (4-bit integer) library, with packed representations
-
string-offsets
Converts string offsets between UTF-8 bytes, UTF-16 code units, Unicode code points, and lines
-
ms_toollib
Algorithms for Minesweeper
-
mathml-core
MathML type definitions
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
faer_gmres
GMRES implementation using faer
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
biscuit-converter
A decimal ASCII parser
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
dioxus-lazy
Async list components for Dioxus
-
liblbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
smtlib
A high-level API for interacting with SMT solvers
-
burster
Lightweight stack allocated rate limiter implementations
-
astro
Advanced algorithms for astronomy
-
keyphrases
Rapid Automatic Keyword Extraction (RAKE) implementation in Rust
-
suitesparse_sys
sys crate for suitesparse library
-
aplk-gw
test description 03
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
fenex
parsing and handling FEN and algebraic chess notations
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
pergola
abstract types for join-semilattices
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
integraal
Integral computation, done in Rust!
-
hybridmap
Hybrid map using smallvec and the std hashmap
-
tick-queue
Tick ordered queue
-
tenthash
A robust 160-bit non-cryptographic hash function
-
punkt
sentence tokenizer
-
glidesort
sorting algorithm
-
egraph-serialize
serialize e-graphs
-
ufotofu_queues
Infallible queues that support bulk enqueueing and dequeueing
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
rusty_units
storing units of measurement in Rust
-
simplerandom
pseudo-random number generators
-
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)…
-
dendritic-clustering
Package for algorithms related to clustering
-
edfsm
Event Driven Finite State Machine library
-
deki
A collection of crates, functions and renames tailored to myself!
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
strprox
Top-k string autocompletion
-
monument
A fast and flexible composition generator
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
zung_mini
Mini rust projects that target specific features of rust
-
diffs
A number of diff algorithms, also called longest common subsequence
-
windmouse-rs
windmouse
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
algebraics
algebraic numbers library
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
extsort-lily
An efficient external merge sort implementation
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
re_arrow2
Unofficial implementation of Apache Arrow spec in safe Rust
-
tlsh2
TLSH algorithm
-
quadtree-f32
dependency-free ID-based quadtree
-
cita-hashable
Provide a switch to choice algorithm
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
knossos
generating and rendering mazes
-
faer-sparse
Basic linear algebra routines
-
voro_rs
binding for voro++ library
-
iceyee_random
Random
-
accumulator-plus
Accumulator based on Biguint
-
chrf
algorithm
-
sonyflake
A distributed unique ID generator inspired by Twitter's Snowflake
-
advanced-pid
An advanced PID control library implemented in Rust
-
lotus-script
creating LOTUS-Simulator scripts
-
chksum-hash
hash algorithms for batch and stream computation
-
ipopt
Rust language bindings for the Ipopt non-linear constrained optimization library
-
xfeval
the Excel-like formula calculator
-
uuid-rs
Universally Unique IDentifier (UUID)
-
rust-sugiyama
Sugiyama's algorithm to calculate coordinates of a directed graph
-
hex_to_rgb
convert hex color codes to RGB values
-
global-static
Lazily evaluated non-constant static items
-
fixed32
Fixed Point types
-
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.
-
kaede
adalah rust library untuk operasi matematika sederhana
-
nydus-error
Error handling utilities for Nydus Image Service
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
bs
bitset with small-set (single-word) optimization
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
ggstd
Partial implementation of Go standard library
-
simplerand
fast random number generator
-
dlt
DLT (direct linear transform) algorithm for camera calibration
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
localsearch
Local Search based Metaheuristics
-
median-accumulator
fast, space-efficient, generic accumulator for computing median
-
zoc
Z-order curve based multidimensional range search
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
glar-gemm-s8u8s32
high performance cpu kernels
-
blake2b-ref
A
no_std
BLAKE2B implementation -
elipdotter
Embeddable full text search engine
-
checksum-tapestry
Collection of checksum algorithms and examples
-
diffsl
A compiler for a domain-specific language for ordinary differential equations (ODE)
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
furze
finite state transducers (fst) writen in rust
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
nine_patch_drawable
core functionality to read nine patch bitmaps defined in Android NinePatch drawables and algorithms to scale them
-
travelling_salesman
Travelling Salesman Problem Solvers
-
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…
-
singlevec
Vec-like container optimized for storing only a single item
-
general_stable_vec
A Vec implementation with stable indices
-
svdlibrs
port of LAS2 from SVDLIBC
-
lds-rs
Low Discrepancy Sequence Generation in Rust
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
nphysics_testbed2d
Testbed for the 2-dimensional physics engine in Rust
-
tectonic_engine_spx2html
The Tectonic engine that converts SPX output to HTML
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
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…
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
hexdump
Easy hexdump to stdout or as an iterator
-
entro-spin
Entro Spin is a 64-bit, true-random number generator algorithm
-
hash-iter
Iterator producing sequence of hash values for a given input (using double hashing technique)
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
sudoku-solver
backtracking algorithm for solving sudoku
-
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.
-
map_range_int
map a value from one range to another
-
itermaps
Implement commonly used combinations of
Iterator::map
-
uvgen
Triplanar texture coordinates generator and packer
-
eddie
Fast and well-tested implementations of edit distance/string similarity metrics: Levenshtein, Damerau-Levenshtein, Hamming, Jaro, and Jaro-Winkler
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
progress-encode
Progress ENCODE function
-
regex-filtered
Efficiently check an input against a large number of patterns
-
guid-create
Rust helper for creating GUIDs
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
xyzvec
Statically allocated fixed-size vectors for working in 2 and 3 dimensions
-
extprim
Extra primitive types (u128, i128)
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
dzn-rs
dealing with DZN files used in the MiniZinc language
-
gix-filter
gitoxide project implementing git filters
-
multibody_dynamics
Multibody dynamics algorithms in Rust
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
toyai
A small collection of ai algorithms to perform some simple prediction on structured data
-
catclustering
Agglomerative Clustering For Categorical Data
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
cvt
Expose the cvt function from Rust libstd
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
ssr-algorithms
spaced repetition algorithms
-
cygv
Compute GV and GW invariants of CY manifolds
-
vec_to_array
Moves a heap allocated
Vec<T>
to an stack allocated array of typeT
and sizeN
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
punkt_n
Punkt sentence tokenizer
-
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.
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
dendritic-autodiff
Autodifferentation package for scalar and multi dimensional values
-
pagat
that helps you split the bill
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
pingora-limits
rate limiting and event frequency estimation
-
convert-base
convert the radix (base) of digits stored in a vector
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
colorbox
A low-level toolbox for working with color
-
rs-snowflake
Rust version of the Twitter snowflake algorithm
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
rb-interval-map
rb-interval-map
is a map based on interval tree -
polyeval
Evaluate polynomials
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
aabel-multihash-rs
extends Hasher trait. The added functionality allows users to get sequeces of hash values. It can be used inside of implementations of probabilistic data structures such bloom filter or count-min.
-
generic_a_star
A generic implementation of the A* algorithm
-
f3l_search_tree
3D Point Cloud Library
-
nonbox
NaN boxing without boxing
-
weighted-rs
A libray for weighted balancing algorithm
-
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
-
sepax2d
A safe crate for finding and resolving collisions of 2D convex shapes using the Separating Axis Theorem
-
ropr
A blazing fast multithreaded ROP Gadget finder. ropper / ropgadget alternative
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
int_math
Integer math
-
data_storage_units
Unit converter for rust language
-
hampel
Sequential outlier detection and removal using Hampel identifiers
-
sparta
software components specially designed for building high-performance static analyzers based on the theory of Abstract Interpretation
-
actionable
An enum-based async framework for building permission-driven APIs
-
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.
-
node2vec
in rust
-
eta-graph
Low overhead graph library focused on performance
-
cuda_std
Standard library for CUDA with rustc_codegen_nvvm
-
fenris-solid
Solid mechanics functionality for fenris
-
treerder
Trie ordering for type implementing Orderable
-
bananapeel
A darn-slippery obfuscator algorithm!
-
here_be_dragons
Map generator for games
-
rev_bits
reverses bits in a specified range
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
maschen
A no-std compatible shunting yard implementation
-
modular-decomposition
computing the modular decomposition of a graph
-
iter-group
grouping (key,value) iterators into maps of collections
-
rustronomy-watershed
a pure-rust implementation of the segmenting and merging watershed algorithms
-
iregex-automata
Finite automata definitions for the
iregex
crate -
bool-toggle
bool toggling for the bool toggle enjoyers
-
miniball
Minimum enclosing ball
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
sort
sort algorithms
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
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
-
median
efficient O(n) median filter
-
statement
An event-driven state machine library for Rust
-
sample-std
Sampler definitions and implementations for st
-
dragoonfri
Fast Reed-solomon Interactive oracle proof of proximity
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
fmttools
Tools for modifying text without allocating any intermediate buffers or unsafe code
-
geo-core
Common tools for working with spatial data
-
arithmetify
arithmetic coding
-
supply-chain-trust-example-crate-000069
A non-cryptographic hash function using AES-NI for high performance
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
kzg-commitment
perform KZG polynomial commitment scheme
-
pi_orca
A* Path Finding Algorithm
-
our-string
Customizable shared strings with inlining
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
maidenx_cuda_kernels
MaidenX CUDA Kernels
-
bandit
Algorithms in Rust
-
algorithmify
Create specifications for algorithms defined using Rust code
-
toodee
A lightweight 2D wrapper around a Vec
-
crfmnes
CR-FM-NES (Cost-Reduction Fast Moving Natural Evolution Strategy Optimiser) implemented via nalgebra
-
risc0-bigint2
RISC Zero's Big Integer Accelerator
-
anyhash
Traits and utilities for making hashes of any type
-
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
-
ring-log
High-performance logger with lock-free ring buffer
-
decimal-wad
Math for preserving precision floats up to 18 decimal places
-
pincol
PINned COLlections: data structures utilizing
Pin
pointer -
cubecl-opt
Compiler optimizations for CubeCL
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
screwsat
condlict driven clause learning sat solver
-
ordq
Order keeping job processing queue
-
ordinal
Formatting of ordinals (1st, 2nd, 3rd etc)
-
murmurhash
MurmurHash3 implementation in Rust
-
datasketches
The Apache DataSketches Library for Rust
-
fast-math
Fast, approximate versions of mathematical functions
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
lightmap
Light map generator
-
materialized-view
incremental materialized views for the masses
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
rustint
working with RGB colors
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
hexagex
Match binary data with hexadecimal regexes
-
sulid
unique ID generation algorithm that combines the benefits of ULID and Snowflake
-
delatin
Fast TIN generation using Delaunay triangulation
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
mersenne_twister_rs
porting Mersenne Twister to Rust
-
sobol
sequence generator for Rust
-
rs_algo
Common sorting algorithms and other common computer science algorithms
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
redux-rs
Redux
-
squares
A Counter-RNG faster than Philox
-
gcollections
Generic traits over Rust collections library
-
asciidork-dr-html-backend
Asciidork Asciidoctor HTML backend
-
bnb
A generic template for Branch & Bound algorithms
-
bit-list
A lazy list of bits
-
libtombala
Mugsoft Tombala Game
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
swimos_rtree
SwimOS R-Tree
-
geqslib
Equation solving made easy in Rust and beyond!
-
lazysort
Lazy sorting for iterators
-
collision
extension to cgmath
-
sn-merkle-trie
Minimal starknet merkle patricia trie implementation
-
matrixcompare
Tools for convenient comparison of matrices
-
portmatching
Fast Graph Matching for Port Graphs
-
mur3
language implementation of MurmurHash3
-
bit-cursor
A cursor that supports bit-level reads and writes
-
unkocrypto_rs
unkocrypto (rust)
-
gad
Generic automatic differentiation for Rust
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
addchain
Generate addition chains
-
kermit-kvs
Key-value stores used in Kermit
-
rizzer
Fuzzy matching tool to find string similarity
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
fqdn-trie
FQDN (Fully Qualified Domain Name) lookup structures (based on tries)
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
nblast
neurite similarity algorithm
-
ssa-impls
common SSA algorithms
-
cuv
Compressed unit vectors that can be used to store things like normal vectors efficiently
-
uuid-by-string
Generating uuid-hash from string
-
block-mesh
Fast algorithms for generating voxel block meshes from arrays
-
dach
A general delta encoded network difference algorithm
-
acap
As Close As Possible — nearest neighbor search in Rust
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
narr
Numeric Calc
-
constrained_int
Integers that are constrained within inclusive ranges
-
lol-core
A Raft implementation in Rust language
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
automaton
Parse regular languages
-
partition
slices in-place by a predicate
-
rustiq-core
Quantum circuit synthesis library in rust
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
tree_traversal
Find best leaf node in a tree
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
arcos-kdl
ARCOS-Lab Kinematics and Dynamics Library
-
scm-bisect
Supporting library for git-branchless
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
varisat
A CDCL based SAT solver (library)
-
molecules
working with molecules and molecular dynamics simulations
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
graph-types
Shared types for graph theory
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
limited-queue
a limited queue that overrides the oldest data if trying to push a data when the queue is full
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
time-key-stream-set
A time-keyed stream set
-
augurs-clustering
Time series clustering
-
fft2d
Fourier transform for 2D data such as images
-
count-min-sketch
Count-min-sketch implementation
-
randomize
Randomization routines
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
statig
Hierarchical state machines for designing event-driven systems
-
sorting_lib
lib implementing sort algorithm?
-
cplex-sys
Low level bindings to the Cplex C-API
-
euclidean_algo
euclidean algorithm to find the greatest common divisor
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
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).
-
out
fast min and max functionality for collections
-
ff-group-tests-mirror
collection of sanity tests for implementors of ff/group APIs. Mirrored by sneurlax from serai for downstream crate-publishing purposes until serai publishes their crates; use the versions from serai in production…
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
shabottom
reimplementation in Rust
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
numext-fixed-uint
Fixed-size uint types
-
pikkr-annika
JSON Parser which picks up values directly without performing tokenization in Rust. Reuploaded by Annika due to her compile problems.
-
lambdautils
random utlities I need from time to time but don't fit their own crates
-
UUID_extend
Extension of uuid generation based on snowflake algorithm and implementation of ID to string conversion
-
human-sort
Human sort (natural sort) implementation
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
sort-it
various sorting algorithms
-
ac-library-rs
port of AtCoder Library (ACL)
-
rselib
Misc algorithms implemented for embedded usage (i.e., wasm)
-
dup-indexer
Create a non-duplicated index from Strings, static str, Vec, or Box values
-
density-mesh-core
Core module for density mesh generator
-
powers-pf
Power flow algorithms
-
kratom
neural network library
-
esl01-dag
DAG used for source control
-
svi
a function to interpolate variables in a hashmap into a format string
-
arrsac
From the paper "A Comparative Analysis of RANSAC Techniques Leading to Adaptive Real-Time Random Sample Consensus"
-
krakel
A lean 2d kd-tree ported from OpenCamLib
-
fibonacci-numbers
The 59th Fibonacci number
-
simple-easing
Set of simple easing functions
-
poisson-diskus
Poisson disk distribution sampling
-
geo-aid-script
Geo-AID's subcrate for parsing GeoScript
-
winconsole
A wrapper for console-related functions in the Windows API
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
stochastic-rs-stats
statistical analysis of stochastic processes
-
twistrs
An asynchronous domain name permutation and enumeration library
-
cdc
performing Content-Defined Chunking (CDC) on data streams
-
powerboxesrs
functions to manipulate and compute metrics on boxes
-
teliox
Transaction Event Log
-
text-file-sort
Sort a text file similar to linux sort
-
buldak
that provides various sorting functions
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
gathers
Clustering algorithms
-
kanaria
functions such as hiragana, katakana, half-width and full-width mutual conversion and discrimination
-
pcg32
No-frills PCG32 random number generator implementation
-
hyperminhash
Fast, constant-memory cardinality approximation
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
zzz
Fast progress bar with sane defaults
-
clustering
easy way to perform kmeans clustering on arbitrary data
-
atomex
Atomics extensions in Rust
-
vrp-scientific
An extension logic for solving scientific VRP
-
causal-hub
A hub for Causal Data Science
-
sss_moo
SSS Many-Objective Optimization Framework
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
number-based
attempt of mine to make working with number bases simple
-
grafos-tools
Graph Theory Package. Create, manipulate and run algorithms on graphs.
-
net_promoter_score
calculating Net Promoter Score (NPS) from survey responses
-
symspell
Spelling correction & Fuzzy search
-
oxydized-money
providing data types to manipulate amounts of money in specific currencies and convert amounts between then
-
chrono-probe
Compare and measure the time complexity of algorithms
-
guts
Traits for constructing/destructuring from/into a type's internal guts
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
nmm_lib
nine mens morris
-
gchemol-geometry
gchemol: a Graph-based CHEMical Objects Library
-
avm1-emitter
AVM1 emitter
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
vec_extract_if_polyfill
Polyfill for Vec::extract_if
-
shape-core
Definition of geometry shapes
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
light-double-ratchet
implements the Double Ratchet algorithm in Rust
-
subslice
Fast subslice search
-
aviation-calculator
Useful calculations for aviators
-
komunikilo
A chaotic communications simulator
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
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
-
beetle_bits
A collection of bit-based types. Currently only u1 (1bit uint) and f3 (3bit float) are implemented
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
mfem
A high-level Rust wrapper for MFEM
-
wfc
Generate images using Wave Function Collapse
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
freelist-rs
Free list for numeric values
-
wiiu_swizzle
Wii U texture memory tiling
-
swf-fixed
SWF fixed-point numbers for Rust
-
ntree-rs
A mutable n-tree with async support
-
weak_true
Similar to the automatic implicit conversion to boolean values in weakly typed languages
-
line_2d
Bresenham's line algorithm as a rust iterator
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
libreda-sta
Static timing analysis for netlists of the LibrEDA framework
-
augrim
consensus algorithms implemented in Rust
-
wheel
algebra library for Rust
-
qtruss
finite-element solver for trusses
-
ibmfloat
IBM floating point number types
-
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)…
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
hexagonal_pathfinding_astar
A-Star pathfinding algorithm tailored for traversing a bespoke collection of weighted hexagons
-
baiser
Curves manipulation library
-
rand_distr
Sampling from random number distributions
-
cubic_spline
Function that calculates curve points for cubic spline
-
gtin-validate
Validate GTIN barcodes including UPC-A and EAN-13. This module has built-in support for GTIN-8, GTIN-12 (UPC-A), GTIN-13 (EAN-13), and GTIN-14 codes
-
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…
-
extended-isolation-forest
rust port of the anomaly detection algorithm
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
neophyte-ui-event
Parsing for Neovim UI events
-
bin_packer_3d
Three dimensional fitting algorithm to fit smaller boxes inside of a larger box
-
locustdb-compression-utils
compressing and decompressing sequences used in LocustDB
-
multidimension
High-level manipulation of multi-dimensional arrays
-
const_ranged_int
Ranged constant integers. Useful for lookup tables with constrained values to avoid secondary bounds check.
-
prime_bag
A bag datatype that used unsigned integers for storage
-
s_nor
A Very Simple To Use Encryption Algorithm * Not Ment For Professional Use
-
gametime
Time handling library for games
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
iter-set
Set operations on sorted, deduplicated iterators
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
worley-noise
Worley noise implementation
-
rand_pcg
Selected PCG random number generators
-
small-fsm
Finite State Machine for Rust
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
earley-omnitool
An Earley parser engine
-
voxel-traversal
Traverse through all voxels in a 3d space from a start position to an end position
-
abow
Visual bag of words for fast image matching
-
swap3
Swapping of three references, rotating the values left or right
-
prepona
A graph crate with simplicity in mind
-
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
-
movavg
Generic Moving Average calculation
-
aporia
A flexible random number generation library
-
re_space_view_map
A space view that shows a map
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
essential-state-asm
Assembly operations for the Essential state read VM
-
container_image_dist_ref
parsing and validating container image references
-
redfa
Regular expression derivatives for creating DFAs
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
spatial
An N-Dimensional R-tree family spatial tree implementations
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
ring_buffer
RingBuffer is a queue with added random access
-
appendlist
An append-only list that preserves references to its elements
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
discoid
Different types of generic Circular Buffers
-
lightspeed_hash
Hash functions
-
xorfilter-rs
Xor Filters: Faster and Smaller Than Bloom and Cuckoo Filters
-
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
-
ang
Angular types and common helper methods
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
qdft
Constant-Q Sliding DFT
-
round_float
Round
f64
andf32
to specified number of decimals -
iron-shapes-booleanop
Boolean operations on polygons for iron-shapes
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
routee-compass-powertrain
providing integration between RouteE Compass and RouteE Powertrain
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
dfo
Differentiable Floating-point Operations in Rust
-
crc16
A CRC16 implementation
-
glicko2
rating system
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
minimax
Generic implementations of Minimax
-
kette
Iterator tools
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
tea-dtype
provide datatype and useful traits for datatype
-
idmap
Efficient maps of integer id keys to values, backed by an underlying
Vec
-
tokeneer
tokenizer crate
-
toffee
Get command to run to run specific test in a file
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
sykin
kinematic calculations using the syunit-unit-system
-
demes-forward
rust API for iterating demes models forwards in time
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
logru
A small, embeddable and fast interpreter for a subset of Prolog
-
artcode
Converts dates into artcode coordinates
-
lindenmayer
Memory Efficient Lindenmayer-Systems
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
rand_core
Core random number generator traits and tools for implementation
-
fltrs
Filter for querying lists
-
globe-rs
management of geographic coordinates
-
grb-sys2
Gurobi C API FFI declarations
-
onesies
Count the number of bits set to 1 in an integer
-
geos-sys
GEOS C API bindings
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
vsr
Viewstamped Replication in Rust
-
fuchsia-cprng
Fuchsia cryptographically secure pseudorandom number generator
-
data_units
Data unit converter
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
linear-map
A map implemented by searching linearly in a vector
-
private_poker
A poker library
-
argmap
parse command-line arguments into a hashmap and vec of positional args
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
swimos_errors
SwimOS Error Utilties
-
iterslide
A "sliding window" iterator
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
markov-algorithms
Markov algorithms
-
coinutils-src
Redistribution of Coin-OR CoinUtils as a crate
-
supply-chain-trust-example-crate-000078
fast random number generator
-
search_trees
binary search tree, red-black tree, and AVL tree
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
superslice
Extensions for slices
-
clone_dyn_types
Derive to clone dyn structures
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
quasirandom
number generation
-
grambulate
grambulation for positive integers in Rust
-
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…
-
nnf
Negation Normal Form manipulation library
-
code-fuzzy-match
Fuzzy string matching inspired by Visual Studio Code
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
crystallographic-group
Provide crystallographic group reference and useful information, e.g. lattice coordinates and symmetry operation matrices.
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
biodiff-align
Sequence alignment bindings for biodiff
-
gamma
Graph primitives and traversals for Rust
-
gaoya
Locality Sensitive Hashing Data Structures
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
scale_std
datastructures and algorithms to be run on the SCALE engine
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
fitnesstools
Collection of tools related to fitness and weightlifting
-
poorentropy
Low-quality entropy generator for
no_std
crates -
const-chunks
Extension trait to chunk iterators into const-length arrays
-
grabbag
A random grab-bag of functionality
-
vector_converter
convert between vectors of different types
-
postman-api
Postman client, generated from the OpenAPI spec
-
str-similarity
A string similarity library
-
lootr
RPG-like looting system
-
modinverse
Small library for finding the modular multiplicative inverses
-
qframework
A experimental micor framework for clear design, based on queue model
-
mahf-bmf
A collection of common continuous benchmark functions for MAHF
-
shm_ring
A directional ring buffer for message passing between shared memory
-
tugger-wix
Interfaces to the WiX Toolset to produce Windows installers
-
qip-iterators
Iterators for tensor product matrix multiplication
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
u7
dotnet's 7bit int in Rust
-
buf-min
Minimal utf-8 safe buffer traits
-
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.
-
sonare
Runtime environment for formally-verifiable distributed software
-
bisection
Python bisect module
-
ju-tcs-tbop-24-bebidek-endpoints
providing head and tail functionality
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
rcalc_lib
Mathematical expression calculation library
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
stateflow
extensible state machine implementation in Rust
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
zvxryb-broadphase
A broadphase collision detection library
-
one_liner_stats
A small library that computes descriptive statistics (mean, median, mode, etc.) on the fly for numeric slices or streams
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
pubgrub
version solving algorithm
-
rabitq
vector search algorithm
-
algx
Knuth's Algorithm X
-
octarr
dynamic cubic octree capable of storing class data, accessed via indexers
-
ms2
that replicates the ms package from TypeScript for Rust
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
oca-dag
OCA DAG
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
yamcts
Monte Carlo Tree Search
-
lcs_rs
longest common subsequence
-
cfpyo3_rs_bindings
a collection of performant utilities
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
based16
BASE-16(HEX) implementation for chads
-
rust_wfa
wavefront sequence alignment algorithm
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
delaunator
A very fast 2D Delaunay triangulation library
-
kirkos
Lightweight no_std heap-allocated circular buffer implementation
-
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.
-
sparse_matrix
do linear algebra with sparse matrix
-
crc32-bzip2-fast
SIMD-powered implementation of CRC-32/BZIP2 (B-CRC-32 CRC-32/AAL5 CRC-32/DECT-B)
-
core_float
based on the Rust Core Library and aims to provide an identical set of APIs for f32 and f64 floating-point types
-
enso-optics
functional optics
-
dlx-rs
dancing links in Rust
-
varstack
A call-stack based singly-linked list
-
chromosome
Genetic algorithm tools library
-
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.
-
coord_transforms
performing coordinate transformations
-
coding_pk
pk for coding solution
-
whittaker-eilers
A sparse matrix implementation of Whittaker-Eilers smoothing and interpolation
-
supply-chain-trust-example-crate-000079
Fowler–Noll–Vo hash function
-
rucrf
Conditional Random Fields implemented in pure Rust
-
sha3-asm
Raw bindings for SHA-3 algorithms written in assembly
-
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… -
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
permutate
Generic permutator that permutates singular and multiple lists
-
rust-algo
rust algorithms
-
from_bytes_or_zeroed
Reads integers from an arbitrary slice of bytes
-
remedian
A Rust implementation of The Remedian
-
tallyweb-fuzzy-sort
A fuzzy sort library for use with the tallyweb site package
-
drying_paint
observer pattern for Rust
-
prexel
A math expression evaluator
-
name-engine
computing Markov chains to generate random names based on pronunciation
-
async_bagit
Create and load BagIt containers
-
sbitty
defining bitwise operations on standard integers type
-
seadawg
that implements the online algorithm for Direct Acyclic Word Graph (DAWG) and Compact Direct Acyclic Word Graph (CDAWG)
-
bgjk
Boolean Gilbert-Johnson-Keerthi algorithm for determining if convex hull volumes intersect
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
symbolic_polynomials
manipulation of polynomials over the integers
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
easylazy
Easy lazy initialization of variables
-
murmurhash3
MurmurHash3 implementation
-
gsv-culture-ships
Iain M. Banks's Culture ship names in a library.
-
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
npcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
rexl
Common Library for Rust
-
arima
time series modeling for Rust
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
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
-
random-string
Allows to generate random strings based on a given charset and length
-
normalize-case
A small Rust library for normalizing string cases (snake_case, camelCase, PascalCase, etc.)
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
cut-optimizer-2d
A cut optimizer for cutting rectangular pieces from sheet goods
-
rootfind
Root-finding algorithms
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
polars-algo
Algorithms built upon Polars primitives
-
curieosa
Parse parsing Internationalized Resource Identifiers (IRIs) into Compact Uniform Resource Identifiers (CURIEs)
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
javarandom
Pure rust implementation of java.util.Random
-
memmem
Substring searching
-
micro_ndarray
Very small multi-dimensional-array implementation
-
genetic_algorithm_meta
A genetic algorithm implementation for optimizing genetic algorithm parameters
-
dbus-addr
D-Bus address parsing
-
hash_ord
lib contains OrdMap(avl tree) and HashMap(use avl to resolve collision);
-
mini-enigma
#[no-std] (and no alloc) zero dependency implementation of the M3 Enigma
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
umbra_slice
An owned slice type with German string optimizations
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
ndspec
A package for ocean waves and energy spectra
-
oxygraph
Algorithms and structures on ecological graphs
-
inexor-rgf-model-random
Inexor - Reactive Graph Flow - Model - Random
-
streamvbyte64
stream-vbyte codec supporting 64-bit wide values
-
anglekit
converting angles between degrees and radians
-
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
rmath
math library
-
omnipaxos
A distributed log library written in Rust
-
tessellation
3d tessellation library
-
kermit
Relational data structures, iterators and algorithms
-
distance_difference_triangulation
Position triangulation from differences of distances
-
iter_enumeration
Unifies Iterators over Same Type
-
unity-random
A reimplementation of Unity's pseudo-random number generator
-
bubblesort
Bubblesorts stuff
-
qd
Extended precision floating point arithmetic
-
glar-gemm-f16
high performance cpu kernels
-
n18game
assets and logic for 18xx games
-
hackflight
flight-control software for makers in Rust
-
shortestpath
Shortest Path is an experimental library finding the shortest path from A to B
-
blossom
algorithm to get a maximum matching in an undirected graph
-
peepmatic-automata
Finite-state transducer automata
-
gym-rs
OpenAI's Gym written in pure Rust
-
uwu_wasm
uwuifying the web
-
assign1
Sorting code
-
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…
-
deranged
Ranged integers
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
adapton-lab
Testing and performance evaluation suite for Adapton
-
mail-headers
[mail/headers] header parts for the mail crate (inkl. header map and standard header impl)
-
simple-simplex
Generates 2d simplex noise values and applies Fractal Brownian Motion
-
omango-wyhash
Wang Yi hash for Rust
-
radix
Convert any {u8, u16, u32, u64, u128, usize} to another radix
-
treap_non_random
A non-randomized Treap implementation. Not very useful as a balanced tree, but useful when implementing CVM or similar algorithms.
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
morton
space filling curve functions
-
stb_rect_pack
Wrapper over stb_rect_pack_sys, offering a cleaner abstraction than the bindgen generated interface
-
cgl-src
Redistribution of Coin-OR Cgl as a crate
-
dawg
Directed Acyclic Word Graph
-
minstd
minimal standard random number generator
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
hasher
Package hasher provides a Hasher trait
-
rust-constraint
constraint satisfaction problem (CSPs)
-
qmc
Quantum Monte Carlo simulations in Rust
-
jaaptools
I really just wanted to try publishing a package, but this contains stuff I find useful in many circumstances
-
meowhash
Meow hash function
-
bip_util
Bittorrent Infrastructure Project
-
splinify
Rust-wrapper for Dierckx' B-Splines Curve and Surface Fortran Library
-
noise-functions-config
Configurable noise generator for
noise-functions
-
entromatica
constructing, simulating and analyzing markov chains
-
slsqp
optimizer for Rust
-
frand
Blazingly fast random number generation library
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
cmaes
CMA-ES optimization algorithm
-
unit_types
A unit-aware type system for Rust
-
hmmm
Hidden Markov Models in Rust
-
rtsam
Real Time Smoothing and Mapping (RTSAM) in Rust
-
c_math
这是一个用于基础数据转换操作的一个包
-
spalinalg
Sparse Linear Algebra Library
-
aoc_utils_by_nifalu
A small collection of utilities for the advent of code challenges
-
eom
Configurable ODE/PDE solver
-
numext-fixed-hash
Fixed-size hash types
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
webgestalt_lib
computing enrichment for different analytes using ORA or GSEA
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
nistrs
his crate implements statistical tests according to the NIST standard
-
vartyint
Read & Write varint encoded integers
-
simple-pagerank
calculate the PageRank of a graph
-
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
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
ramp64-srm-convert-lib
build RetroArch Mupen64 SRM Converter
-
sssignals
🐍 Simple, Synchronous Reactive Signals for Rust
-
wkb
Convert geo-types from georust to/from Well Known Binary
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
ilattice
2 and 3-dimensional integer lattice math
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
qsort-rs
A quick sort algorithm that accepts any type and non-recursive approach
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
flxy
Full-text searching and scoring of strings
-
stable-hash
A stable, structured hash with backward compatibility
-
display_buffered
A small library that provides convinience functions to write all the elements into a writer with buffering
-
framp
Fork of James Miller's Ramp, a high-performance multiple-precision arithmetic library
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
probably
various approximate computing algorithms
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
citi
Read and write CITI files
-
ff-group-tests
A collection of sanity tests for implementors of ff/group APIs
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
topk
TopK algorithm implementation in Rust
-
paragraph-breaker
Knuth-Plass algorithm for breaking paragraphs into lines
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
cmaze
Core of tmaze game
-
krossbar-state-machine
Krossbar state machine
-
dandelion-random
A high performance non-cryptographic random number generator
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
displayr-rustr
R integration
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
cjp
converting strings to 怪レい日本语(Ayashī Nihongo)
-
contest-algorithms
Common algorithms and data structures for programming contests
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
tdigest
T-Digest algorithm in Rust
-
vec-drain-where
alternative
Vec::drain_filter
impl -
cauchy
Trait for real and complex numbers
-
luhn
validation library
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
nota
A message format for an alternative universe where IEEE754 floats, UTF-8, and little endian never existed
-
entro-sort
Entro Sort is an in-place, linearithmic, unstable sorting algorithm
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
local-or-heap
type with a pre-specified size, regardless of the size of the T type it contains, using heap allocation if necessary
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
graph-algorithms
5 graph algorithms - DIJKSTRA'S, BFS, DFS, KOSARAJU'S and BELLMAN FORD ALGORITHM
-
range-reader
Converts low-level APIs to read ranges of bytes to
Read + Seek
-
pack_it_up
that implements various bin packing algorithms
-
discrete
Combinatorial phantom types for discrete mathematics
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
ldpc
A toolbox for classical and quantum LDPC codes
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
rs-graph
graph algorithms and combinatorial optimization
-
ripgen_lib
High-performance domain-name permutation generator
-
sudoku-variants
A flexible Sudoku engine that supports common variations and custom rules
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
insides
A compact, high performance space filling curve library for Rust
-
variadic_from
Variadic from
-
pow2
Represents a non-negative power of 2, by storing its exponent
-
snaplog
easily recording changes to values
-
crc32c-hw
Hardware-accelerated (SSE 4.2) implementation of CRC32C with software fallback
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
savant_core
Savant Rust core functions library
-
boostvoronoi_ext
Boost voronoi private workspace (this workspace will be re-integrated in the main crate in next release)
-
proc-opt
WIP: Process/Job scheduling optimization library
-
classify
A collection of algorithms for categorizing 1D data
-
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
sfsm
Static state machine generator for no_std and embedded environments
-
satif
SAT solver interface
-
dendritic-preprocessing
Package for preprocessing datasets to convert to numerical representation
-
teeint
A teeworlds variable int packer/unpacker
-
classific
Classifications, comparator and equivalence class implementations
-
random-branch
macro to select a random branch like match
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
tomt_async
Primarily a dumping ground for personal async snippets that may be used in other ToMT projects. If this crate is useful to others please let us know.
-
mle1
The MLE-1 encryption algorithm
-
watermill
Blazingly fast, generic, and serializable online statistics
-
oshash
https://pypi.org/project/oshash/ in Rust
-
metricator
Metrics
-
swimos_multi_reader
SwimOS Stream Aggregator
-
hoeffding_integer_d
Hoeffding's Dependence coefficient presented as an integer between minimum and maximum integer values of the statistic. Hoeffding's D is like Pearsons correlation R, but accepts a wide range of nonlinear situations…
-
prksort
Merge Sort and Quick Sort algorithms in Rust
-
mmseg
Chinese word segmenation algorithm MMSEG in Rust
-
vsort
GNU Version Sort Rust implementation
-
quickcheck_seedable
Automatic property based testing with shrinking
-
bvh
A fast BVH using SAH
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
codek
Codec trait
-
phi-detector
Phi Accrual Failure Detector
-
miracl32
version of miracl/core for 32-bit no_std platforms
-
rs-uuid
Universally unique identifier generator
-
regex-lite
A lightweight regex engine that optimizes for binary size and compilation time
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
bidi
Unicode Bidirectional Algorithm (UBA)
-
angled-random-walker
Angled Random Walker approach to Brownian tree generation
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
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
-
fleetfs_raft
language implementation of Raft algorithm
-
aes-keywrap-rs
AES Key Wrap for Rust (AES-KW, RFC 3394 / RFC 5649)
-
rustsat-cadical
Interface to the SAT solver CaDiCaL for the RustSAT library
-
input_conv
A basic stdio extension to automatically translate basic inputs to a given type
-
weighted-selector
Select type from weighted index
-
light-curve-common
Common tools for light-curve-* packages
-
numeric-algs
implementing some numerical algorithms
-
cplit
Competitive Programming Library in Rust
-
vm6502
A 6502 virtual machine backend
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
blackboxmc_java
BlackboxMC bindings for java.util
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
mutification
Convert immutable reference to mutable reference
-
borrowned
Borrow-or-owned values
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
libgdx-xs128
minimalist no_std clone of the Xorshift128+ algorithm used in the libgdx Java library
-
fp-growth
algorithm in pure Rust
-
denlibs
general-purpose libraries
-
opendp-ffi
Foreign function interfaces for the OpenDP library
-
rust_poker
Rust poker library
-
oint
oint ('optional int') provides total operations on arithmetic
-
ruzzy
A lightweight fuzzy matcher
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
pso_rust
famous PSO method
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
ribbon
Tape machine for peeking through windows of iterators
-
ezing
Easing functions
-
analytic
has been renamed to be the math crate https://crates.io/crates/math
-
satsnet_hashes
Hash functions used by the rust-bitcoin eccosystem
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
satif-minisat
Rust wrapper for the minisat SAT solver
-
idalloc
different methods of allocating unique identifiers efficiently
-
integer-partitions
Efficiently enumerate integer partitions
-
polymur-hash
Polymur hash function
-
pennereq
Port of the Penner easing equations to rust
-
sort_library
sorting algorithms in Rust
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
ndsort-rs
Sorting Algorithms implemented in Rust
-
modicum
Modular arithemtic library in pure Rust
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
greek_number
Convert numbers to Greek number strings
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
smth
math library
-
enso-shapely
Automated typeclass derivation
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
arrow-cast-guess-precision
Arrow cast function alternative with timestamp integer guessing precision
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
depper
basic dependency validation
-
jingle_sleigh
An FFI layer for Ghidra's SLEIGH
-
polystem
Popular stemming algorithms for Information Retrieval
-
rusty-perm
permutation with no-std
-
ish
Sometimes things are true-ish
-
easing
Leveraging Rust's powerful iterators for easing
-
kahan
types to perform Kahan summation
-
goorm_edu_rs_kit
A code test library for easy variable of integer or vector of integer from standard input
-
lenia_ca
simulating the Lenia system of cellular automata
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
minhash-rs
MinHash trying to be parsimonious with memory
-
blake2b_simd
a pure Rust BLAKE2b implementation with dynamic SIMD
-
hora
Hora Search Everywhere
-
lfu
cache implementation
-
atlatl
Double-array tries
-
cubecl-spirv
SPIR-V compiler for CubeCL
-
polyline-codec
Encode and decode polylines
-
ds-heightmap
Using diamond-square algorithm to generate heightmaps which stored in a 2D-array
-
rabin_ida
Rabin's information dispersal algorithm, originally by Liam Perlaki
-
cf_dist_utils
has risk and distribution utilities
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
flowing
flow graph processing library
-
hashids
HashIds Rust Implementation
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
hashdozen
A novel 48 bit hashing algorithm producing human-readables hashes
-
heapz
Heap/Priority Queue implementations
-
asl
Amazon States Language
-
dep_crusher
Starting at a root node, traverse the dependency graph and flatten it
-
wfc_tiled
Small library for Wave Function Collapse on Tile-based maps, using the
wfc
crate. Provides Tiled integration. -
algebloat
Rust linear algebra library
-
cosiest_noisiest
allows generating 1d noise at arbitrary points
-
ps-pint16
Packs integers into a u16 via variable precision
-
simplegraph
graph implementation
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
trajectory
interpolation
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
jarl
Jarl (Just another Raft library)
-
java_random
The java LCG and random module implementation in rust
-
symbol-map
Memory-efficient mapping from values to integer identifiers (AKA a lexicon or symbol table), with options for fast bidirectional lookup
-
num-cmp
Comparison between differently typed numbers
-
aces
Algebra of Cause-Effect Structures
-
temex
Regex-like temporal expressions for evaluating systems that change over time
-
fibonacci_series
Fibonacci Sequence. The Fibonacci Sequence is the series of numbers: 0, 1, 1, 2, 3, 5, 8, 13, 21, 34, ... The next number is found by adding up the two numbers before it.
-
cp-rs
Competitive programming library, especially for AoC
-
hashed-permutation
A fast, instant-access way to permute a range of numbers
-
semantics
mapping
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
library_of_babel
Babel in Rust
-
random_lcg
lcg random number generator
-
typed_shapefile
Read & Write .dbf in Rust
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
badsort
Some basic sorting stuff I wrote as practice in Rust. Includes my favorite algorithm, BOGO Sort!
-
supermemo2
that implements the supermemo2 spaced repetition algorithm
-
integer_scaling
IntegerScaling wrapper for those who prefer snake_case
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
sorts
A collection of sorting algorithms
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
caldera-bindings
Bindings for Caldera which includes bindings for libavcodec, libavformat, libavutil, pulseaudio and libsamplerate
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
simbiota-tlsh
A pure-rust implementation of Trendmicro's TLSH algorithm, featuring the same optimizations found in the reference implementation
-
anndists
some distances used in Ann related crates
-
tea-map
Map functions for tevec
-
graph6-rs
parsing graph6/digraph6 strings and converting them into other text based formats
-
compensated-summation
Compensated summation algorithms for better precision
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
value-box-ffi
C-like api to family of value-box crates
-
dotzilla
Native Rust implementation of efficient basic linear algebra routines
-
powers
Power flow simulation and optimization
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
stream-more
Stream utilities for Rust
-
metrics_evaluation
Small foot-print parser and solver for (nested) text-based comparisons
-
mgraph
performance-oriented graph library for Rust
-
numlib
numerical library implementing common numberical algorithms in rust
-
duval-rs
Duval algorithm in Rust
-
heuristic-graph-coloring
Heuristic algorithms for graph vertex coloring
-
vqf-rs
A
no-std
, dependency-free port of VQF sensor fusion algorithm for IMUs -
disco-quick
processing the Discogs XML data dumps
-
jumphash
A Fast, Minimal Memory, Consistent Hash Algorithm
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
imei
number validator
-
secwords
secure and safe password container
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
pso
Particle Swarm Optimizer
-
acacia
A spatial partitioning and tree library
-
sat_toasty_helper
more-easily writing SAT constraints
-
eviolite
Toolkit for working with evolutionary algorithms
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
rbuf
A general purpose ring buffer implementation with some non-standard constraints
-
hybrid-clocks
Hybrid Logical Clocks
-
statistical
statistics library
-
rehexed
Adjacency lists for hexasphere's icospheres
-
try_all
Extends iterators with
try_all
to convert iterator of results into result of iterator of okays -
mathjax_svg
Convert mathematical expressions to SVG using Mathjax
-
endicon
Implementations of codicon traits for endianness encodings
-
xxh
XXHash algorithm implementation for Rust
-
meealgi
A selective implementation of Jean Meeus' astronomical algorithms
-
tacho
A prometheus-focused metrics library for Future-aware applications
-
partitions
A disjoint-sets/union-find implementation that allows for efficient iteration over elements of a set
-
blurhash-ng
A pure Rust implementation of blurhash
-
bbt
A skill-rating system similar to Elo, Glicko or TrueSkill
-
aob_common
String searching with wildcards
-
searchlib
Satisficing and optimal search algorithms
-
advanced-random-string
advanced string generation based on given charsets, lengths, and RNGs
-
juxt_adler32
just adler32, nothing else
-
ringstack
A very simple circular buffered stack implementation
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
hv-fonseca-et-al-2006-sys
A wrapper for the hyper-volume algorithm by Fonseca et al. (2006)
-
xorwowgen
Several implementations of the Xorwow algorithm
-
microwfc
Small Wave-Function-Collapse implementation
-
htmlprops-to-react
convert html properties to react