-
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
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
noise
Procedural noise generation library
-
stacker
A stack growth library useful when implementing deeply recursive algorithms that may accidentally blow the stack
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
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
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
bitpacking
Fast integer compression/decompression via SIMD bit-packing. Port of simdcomp to rust.
-
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
-
pathfinding
flow, and graph algorithms
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
ff
building and interfacing with finite fields
-
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.
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
daachorse
Double-Array Aho-Corasick
-
uint
Large fixed-size integer arithmetic
-
strength_reduce
Faster integer division and modulus operations
-
gcd
Calculate the greatest common divisor
-
oorandom
A tiny, robust PRNG implementation
-
streaming-iterator
Streaming iterators
-
rdrand
random number generator based on rdrand and rdseed instructions
-
topological-sort
Performs topological sorting
-
rand_hc
HC128 random number generator
-
nucleo
plug and play high performance fuzzy matcher
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
robust
adaptive floating-point predicates for computational geometry
-
murmur3
hash
-
differential-dataflow
An incremental data-parallel dataflow platform
-
treediff
Find the difference between arbitrary data structures
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
easy-smt
Easily interact with an smt solver as a subprocess
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
task-local-extensions
Task-local container for arbitrary data
-
GSL
binding for the GSL (the GNU scientific library)
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
slice-group-by
Iterators over groups in slices and strs
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
fastcdc
(content defined chunking) in pure Rust
-
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
jubjub
elliptic curve group
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
genetic_algorithm
A genetic algorithm implementation
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
raft
language implementation of Raft algorithm
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
adler
clean-room implementation of the Adler-32 checksum
-
chalk-recursive
Recursive solver for the Chalk project
-
arrow-select
Selection kernels for arrow arrays
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
varpro
A straightforward nonlinear least-squares fitting library which uses the Variable Projection algorithm
-
contour
Compute isorings and contour polygons (using marching squares algorithm)
-
fractional_index
fractional indexing
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
ph
data structures based on perfect hashing
-
k
kinematics
-
crossterm_winapi
WinAPI wrapper that provides some basic simple abstractions around common WinAPI calls
-
kd-tree
k-dimensional tree
-
fakeit
Fake data generator library with 130+ functions
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
levenberg-marquardt
algorithm built on top of nalgebra
-
special
The package provides special functions
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
levenshtein
algorithm
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
rust-stemmers
some popular snowball stemming algorithms
-
tailcall
Safe, zero-cost tail recursion
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
quad-rand
Pseudo random implementation with core atomics
-
annembed
dimension reduction à la Umap
-
rand_mt
Reference Mersenne Twister random number generators
-
cdshealpix
HEALPix tesselation
-
chalk-engine
Core trait engine from Chalk project
-
gix-negotiate
gitoxide project implementing negotiation algorithms
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
arrow-ord
Ordering kernels for arrow arrays
-
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
-
timsort
modified MergeSort used in Python and Java
-
rand_regex
Generates random strings and byte strings matching a regex
-
dive-deco
A dive decompression models library (Buehlmann ZH-L 16C)
-
ddo
generic and efficient framework for MDD-based optimization
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
quantiles
a collection of approximate quantile algorithms
-
cam-geom
Geometric models of cameras for photogrammetry
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
dec
A decimal arithmetic library providing high-level, safe bindings to libdecnumber
-
mergable
user-friendly and efficient CRDTs
-
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
-
pocket_prover
A fast, brute force, automatic theorem prover for first order logic
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
rithm
Arbitrary precision arithmetic
-
itermore
🤸♀️ More iterator adaptors
-
integer-sqrt
integer square root algorithm for primitive rust types
-
meos
Rust bindings for MEOS C API
-
gxhash
non-cryptographic algorithm
-
reactive_graph
A fine-grained reactive graph for building user interfaces
-
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.
-
t1ha
T1AH (Fast Positive Hash) hash function
-
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…
-
accurate
(more or less) accurate floating point algorithms
-
transpose
transposing multi-dimensional data
-
mockd
Fake data generator library with 130+ functions
-
byteyarn
hyper-compact strings
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
incremental
computations, based on Jane Street's incremental
-
qwt
Quad Wavelet Tree
-
usearch
Smaller & Faster Single-File Vector Search Engine from Unum
-
clingo
Rust idiomatic bindings to the clingo library
-
russcip
Rust interface for SCIP
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
ids_service
that allows to generate unique Ids
-
graaf
Work with directed graphs
-
probminhash
Minhash algorithms for weighted Jaccard index
-
glissade
that provides various utilities for animations and transitions
-
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
-
ran
fast random numbers generation
-
murmurhash32
murmurhash32_2
-
timely
A low-latency data-parallel dataflow system in Rust
-
meta_tools
Collection of general purpose meta tools
-
interp
Matlab's interp1 function
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
extendhash
Rust Hash Extender
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
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
-
rs-wordle-solver
solving Wordle-style puzzles. It provides multiple guessing algorithms, as well as building blocks for implementing your own Wordle solving algorithms.
-
fuzzy-muff
Fuzzy Matching Library
-
gcra
A basic implementation of GCRA algorithm for rate limiting
-
turborand
Fast random number generators
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
relp
Rust Exact Linear Programming
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
random_word
Efficient functions for generating random words in many languages
-
dbsp
Continuous streaming analytics engine
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
iroh-blobs
blob and collection transfer support for iroh
-
adler2
clean-room implementation of the Adler-32 checksum
-
av-metrics
A collection of algorithms for measuring audio/video metrics
-
float_next_after
A trait for native rust f64/f32 nextafter
-
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.
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
dilate
A compact, high performance integer dilation library for Rust
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
hmac-sha1
wrapper around the RustCrypto hmac and sha1 crates for simple HMAC-SHA1 generation
-
smolprng
A Small and Extensible PRNG written in Rust
-
cubecl
Multi-platform high-performance compute language extension for Rust
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
rust-analyzer-salsa
A generic framework for on-demand, incrementalized computation (experimental)
-
cap-rand
Capability-based random number generators
-
nozomi
Equivalent of the Linux shred command but in rust and library. Allows you to securely erase data from a hard drive.
-
color_space
converting between color spaces and comparing colors
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
satkit
Satellite Toolkit
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
cubecl-linalg
CubeCL Linear Algebra Library
-
rex-sm
Hierarchical state machine
-
easyfft
providing an easy FFT API for arrays and slices
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
jopemachine-raft
language implementation of Raft algorithm
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
diff-match-patch-rs
A high-performance port of Myer's diff algorithm to perform the operations required for synchronizing plain text
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
cryptocol
cryptographic library that includes big number arithmatic operation, hash algorithms, symmetric-key cryptographic encryption/decryption algorithms, asymmetric-key (public-key) cryptographic…
-
merkle-cbt
generating efficient Merkle tree and combined Merkle proof based on complete binary tree
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
contour-isobands
Compute isobands and contour polygons (using marching squares algorithm)
-
trie_rcv
Ranked Choice Voting implementation using Tries in Rust
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
gix-revwalk
providing utilities for walking the revision graph
-
dogear
merging bookmark trees
-
polylog
polylogarithms
-
atomic-traits
The traits for generic atomic operations
-
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 )
-
yara-x-parser
A parsing library for YARA rules
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
startin
A Delaunay triangulator for terrains
-
general-sam
A general suffix automaton implementation in Rust
-
uutils_term_grid
formatting strings into a grid layout. Fork of term_grid.
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
graph-algorithms-rs
A collection of graph algorithms
-
pasture-algorithms
Point cloud algorithms for pasture
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
xxhrs
Safe XXHash and XXH3 bindings
-
autour_core
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
tau-engine
A document tagging library
-
probability
The package provides a probability-theory toolbox
-
pg_task
Resumable state machine based Postgres tasks
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
zeros
-
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.
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
rand_chacha
ChaCha random number generator
-
raftbare
Minimal but feature-complete, I/O-free implementation of Raft distributed consensus algorithm
-
iban
IBAN parsing 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
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
line-span
Find line ranges and jump between next and previous lines
-
ra_ap_salsa
A generic framework for on-demand, incrementalized computation (experimental)
-
d3_geo_voronoi_rs
A port into rustlang of the javascript library d3-geo-voronoi
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
density-rs
Superfast compression library
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
incrementalmerkletree-testing
Common types, interfaces, and utilities for testing Merkle tree data structures
-
moonshine-behavior
Minimalistic state machine for Bevy game engine
-
conhash
Consistent Hashing library in Rust
-
kmeans
Small and fast library for k-means clustering calculations
-
jaime
j.a.i.m.e. is an ergonomic all purpose gradient descent engine
-
counting_sort
Counting sort implementation for Iterators
-
vecmath
type agnostic library for vector math designed for reexporting
-
rgeometry
High-Level Computational Geometry
-
simple_hll
HyperLogLog implementation in rust
-
stringmetrics
approximate string matching
-
timberio/file-source
A high-performance observability data pipeline
-
kendalls
Kendall's tau rank correlation
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
nlopt
Wrapper for the nlopt library
-
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
-
sigmah
Create and scan binary signature in Rust efficiently
-
swift_vec
A convenient and comfortable vector maths crate that supports 2D, 3D, and 4D matrices and vectors - along with additional scalar math
-
drain_filter_polyfill
current nightly implementation of Vec::drain_filter, copypasted out for use on stable
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
ckey
consistent hash key library
-
to_shmem
Trait to write to a contiguous chunk of shared memory
-
opis
rational number and matrix arithmetic
-
natord
Natural ordering for Rust
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
importunate
Methods for returning random elements from an iterator
-
pumpkin-solver
The Pumpkin combinatorial optimisation solver library
-
geo-clipper
Boolean operations on polygons
-
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
-
tolerance
Math representation of the physically needed permissible deviation of measures
-
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'
-
fast-tlsh
generate / parse / compare TLSH locality sensitive hashes
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
qptrie
A QP-Trie implementation for Rust
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
num-order
Numerically consistent
Eq
,Ord
andHash
implementations for variousnum
types (u32
,f64
,num_bigint::BigInt
, etc.) -
regexsolver
Manipulate regex and automaton as if they were sets
-
pyin
pYIN pitch detection algorithm written in Rust
-
graph_process_manager_loggers
Generic loggers for graph_process_manager_core
-
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…
-
multistochgrad
Stochastic Gradient, Multithreaded
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
convolve2d
Easy and extensible pure rust image convolutions
-
s2-tilejson
Backwards compatible JSON format for describing s2 map tilesets
-
rand_jitter
Random number generator based on timing jitter
-
hypertwobits
cardinality estimation algorithm
-
bpe-tokenizer
A BPE Tokenizer 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…
-
relp-num
Number types for the relp crate
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
recursive
Easy recursion without stack overflows
-
rufl
A powerful util function library for rust
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
augurs-dtw
Dynamic Time Warping (DTW) algorithm for Rust
-
programinduction
program induction and learning representations
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
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…
-
rand_aes
AES based pseudo-random number generator
-
flo_binding
Declarative binding library for Rust
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
explicit-endian
Transparent traits to explicitely declare in-memory endianness for a virable or struct record
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
algorithmica
Rust Algorithms
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
easer
Tiny library imlementing Robert Penner's easing functions
-
is-tree
Everything is a tree
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
tinyrand
Lightweight RNG specification and several ultrafast implementations in Rust
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
solaris-rs
predict the position of the Sun
-
zorder
Fast Z-order curve conversions
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
oxidd-reorder
Reordering algorithms for OxiDD
-
bm25
BM25 embedder and search engine
-
rectutils
Common algorithms for rectangles (quadtree, rect packing, etc.)
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
line_drawing
A collection of line-drawing algorithms for use in graphics and video games
-
rake
Rapid Automatic Keyword Extraction (RAKE) algorithm
-
louvre
A Robust Triangulation Algorigthm
-
repath
A fast pathfinding library using A* algorithm, caching, precomputation and path segmentation with concurrent pathfinding
-
partial_sort
version of std::partial_sort
-
hyperloglog
in Rust
-
tofas
Translation of fundamental astronomical subroutines
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
moga
A multi-objective genetic algorithm framework
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
arrow-string
String kernels for arrow arrays
-
probabilistic_bisector
bisection for one-dimensional functions in the presence of noise
-
nu_plugin_hashes
A Nushell plugin that adds 61 cryptographic hash functions from Hashes project
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
doers
generating Design Of Experiments (DOE)
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
random-pick
Pick an element from a slice randomly by given weights
-
bit-matrix
bit matrices and vectors
-
distances
Fast and generic distance functions for high-dimensional data
-
tdigests
An efficient Rust implementation of the t-digest algorithm
-
lilt
dependency free library for running interruptable, transition based animations as a function of time
-
feruca
Unicode Collation Algorithm
-
rollgrid
pseudo-infinite open worlds
-
setsum
order-agnostic checksum
-
fixed32-math
Geometric types
-
truck-polymesh
defines polygon data structure and some algorithms handling mesh, including meshing the shapes
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
syntree_layout
visualize trees from the 'syntree' crate
-
futf
Handling fragments of UTF-8
-
spiral
Iterate over a 2D structure in a spiral pattern
-
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
-
lace_cc
Core of the Lace cross-categorization engine library
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
zung_mini
Mini rust projects that target specific features of rust
-
breakout
detection for Rust
-
u4
nibble (4-bit integer) library, with packed representations
-
libcprover_rust
Rust API for CBMC and assorted CProver tools
-
rmqtt-raft
raft framework, for regular people
-
ringbuffer-spsc
A fast thread-safe single producer-single consumer ring buffer
-
perchance
Very simple random number generation optimized for ease of use
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
linestring
line string toolbox
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
list_math
doing math on a list including average, smallest, largest, and standard deviation
-
libmf
Large-scale sparse matrix factorization for Rust
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
board-game
A board game abstraction and generic utilities around it
-
sefar
evolutionary optimization algorithms
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
liba
An algorithm library based on C/C++
-
extsort-iter
external sorting for all types for all iterators
-
ext-sort
rust external sort algorithm implementation
-
pcg_rand
PCG family of random number generators in pure Rust
-
treerder
Trie ordering for type implementing Orderable
-
ratel_bandit
Muti-armed Bandit Simulator
-
mcts-rs
Monte Carlo Tree Search (MCTS) using an arena allocator
-
ainconv
Converts Ainu words between different scripts (Katakana, Latin, Cyrillic)
-
indexsort
sort crate, porting Golang sort package to Rust
-
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
-
tifloats
Speedy, accurate emulation of TI-Floats
-
markov_namegen
Random text generators based on Markov models
-
random
The package provides sources of randomness
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
sorock
A Multi-Raft implementation in Rust
-
rustint
working with RGB colors
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
hex2d
Helper library for working with 2d hex-grid maps
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
mc64
Sparse matrix scalings
-
static_aabb2d_index
Fast static spatial index data structure for 2D axis aligned bounding boxes
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
bpe
Fast byte-pair encoding implementation
-
ognlib
Some code that is written to practice Rust
-
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.
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
rust-sugiyama
Sugiyama's algorithm to calculate coordinates of a directed graph
-
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
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
intel-mkl-sys
Rust binding of unique functions in Intel(R) MKL
-
float_plus
Additional features for float values
-
fast-boolean-anf-transform
Fast implementation of the boolean Algebraic Normal Form (ANF) transform
-
raftify
Experimental High level Raft framework
-
math-ops
Mathematical and statistical operations on vectors
-
autodiff
An automatic differentiation library
-
romu
A pseudo random number generator using the Romu algorithm
-
misfortunate
Perverse implementations of safe Rust traits
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
qrc
generating and manipulating QR code images in various formats
-
cryptify
A procedural macro library to obfuscate Rust code. Provides compile-time string encryption and random flow obfuscation.
-
wcs
FITS World Coordinate System (WCS)
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
tick-queue
Tick ordered queue
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
umash
Idiomatic API for the umash hash/fingerprint function
-
kak-tabs
kakoune tabs
-
easing-function
easing functions for animation tweening
-
lophat
Lockfree Persistent Homology Algorithm Toolbox
-
mot-rs
Dead simple multi object tracking in Rust
-
hostlist-parser
Parses hostlist expressions into a Vec of Strings
-
list-fn
A generic lazy list
-
polyline-ffi
FFI bindings for the polyline crate
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, 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…
-
battleship_bot
The game of battleship and a few bot implementations
-
astro
Advanced algorithms for astronomy
-
gridish
working with British and Irish national grid strings
-
edfsm
Event Driven Finite State Machine library
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
libphext
A rust-native implementation of phext
-
poi
A pragmatic point-free theorem prover assistant
-
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…
-
dmp
A high-performance library in that manipulates plain text
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
random-nickname2
用于Rust的随机用户昵称生成器
-
cdchunking
Content-defined chunking
-
rust_cascade
bloom filter cascade implementation in Rust
-
permutation
Small utility for creating, manipulating, and applying permutations
-
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
-
hybridmap
Hybrid map using smallvec and the std hashmap
-
is_sorted
Iterator sorted?
-
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
localsearch
Local Search based Metaheuristics
-
undo_stack
A minimal undo stack for user defined types
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
biscuit-converter
A decimal ASCII parser
-
at-commands
AT Commands builder and parser for Rust #![no_std]
-
editdistancek
Fast algorithm for computing edit distance
-
multistream-batch
Implementations of batching algorithms
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
autom
Automaton
-
fnrs
some useful functions i like
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
rmpfit
Pure Rust implementation of the CMPFIT library
-
osqp
(Operator Splitting Quadratic Program) solver
-
gcr
A fast, simple, and small Generic Cell Rate (GCR) algorithm implementation with zero dependencies
-
integraal
Integral computation, done in Rust!
-
simplerandom
pseudo-random number generators
-
keyphrases
Rapid Automatic Keyword Extraction (RAKE) implementation in Rust
-
cobyla
optimizer for Rust
-
del-ls
sparse solver library for research prototyping
-
maschen
A no-std compatible shunting yard implementation
-
line-col
Convert string slice indices into line/column numbers
-
flexihash
Consistent hashing following the API and compatible with flexihash-php and flexihash-py
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
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
-
noise-functions
Fast and lightweight noise functions
-
funspace
N-dimensional function spaces and transforms
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
codeq
Codec trait
-
bs
bitset with small-set (single-word) optimization
-
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.
-
dach
A general delta encoded network difference algorithm
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
radiate
Parallel genetic programming engine capable of evolving solutions for supervised, unsupervised, and general reinforcement learning problems
-
geometry-predicates
port of robust geometric predicates
-
suitesparse_sys
sys crate for suitesparse library
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
glar-gemm-f16
high performance cpu kernels
-
vrp-pragmatic
An extension logic for solving rich VRP
-
office-to-pdf
Convert office files to pdf files
-
var_num
Variable length number implementation that can be used as a drop in replacement for any number primitive
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
dioxus-lazy
Async list components for Dioxus
-
dendritic-autodiff
Autodifferentation package for scalar and multi dimensional values
-
tlsh2
TLSH algorithm
-
liblbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
lazyrand
generating random numbers easily
-
faer_gmres
GMRES implementation using faer
-
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…
-
mylibrary_
my personal library
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
eta-algorithms
Low overhead data structures focused on performance
-
mathml-core
MathML type definitions
-
lotus-script
creating LOTUS-Simulator scripts
-
chrf
algorithm
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
chksum-hash
hash algorithms for batch and stream computation
-
rugraph
undirected, directed and multidirected graph library
-
tenthash
A robust 160-bit non-cryptographic hash function
-
punkt
sentence tokenizer
-
windmouse-rs
windmouse
-
glidesort
sorting algorithm
-
fixed32
Fixed Point types
-
egraph-serialize
serialize e-graphs
-
ufotofu_queues
Infallible queues that support bulk enqueueing and dequeueing
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
rusty_units
storing units of measurement in Rust
-
arrow-buffer
Buffer abstractions for Apache Arrow
-
our-string
Customizable shared strings with inlining
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
twofloat
Double-double arithmetic functionality
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
diffs
A number of diff algorithms, also called longest common subsequence
-
accumulator-plus
Accumulator based on Biguint
-
itermaps
Implement commonly used combinations of
Iterator::map
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
algebraics
algebraic numbers library
-
general_stable_vec
A Vec implementation with stable indices
-
extsort-lily
An efficient external merge sort implementation
-
dlt
DLT (direct linear transform) algorithm for camera calibration
-
smtlib
A high-level API for interacting with SMT solvers
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
cita-hashable
Provide a switch to choice algorithm
-
lerp
Generic linear interpolation and extrapolation, automatically implemented for a variety of numeric types
-
advanced-pid
An advanced PID control library implemented in Rust
-
median-accumulator
fast, space-efficient, generic accumulator for computing median
-
knossos
generating and rendering mazes
-
guid-create
Rust helper for creating GUIDs
-
pi_orca
A* Path Finding Algorithm
-
hex_to_rgb
convert hex color codes to RGB values
-
iceyee_random
Random
-
catclustering
Agglomerative Clustering For Categorical Data
-
map_range_int
map a value from one range to another
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
sonyflake
A distributed unique ID generator inspired by Twitter's Snowflake
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
ipopt
Rust language bindings for the Ipopt non-linear constrained optimization library
-
xfeval
the Excel-like formula calculator
-
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.
-
pergola
abstract types for join-semilattices
-
bnb
A generic template for Branch & Bound algorithms
-
matrixcompare
Tools for convenient comparison of matrices
-
f3l_search_tree
3D Point Cloud Library
-
global-static
Lazily evaluated non-constant static items
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
nydus-error
Error handling utilities for Nydus Image Service
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
ropr
A blazing fast multithreaded ROP Gadget finder. ropper / ropgadget alternative
-
re_arrow2
Unofficial implementation of Apache Arrow spec in safe Rust
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
zoc
Z-order curve based multidimensional range search
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
strprox
Top-k string autocompletion
-
burster
Lightweight stack allocated rate limiter implementations
-
ggstd
Partial implementation of Go standard library
-
monument
A fast and flexible composition generator
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
xentrace-parser
A XenTrace files parser with a study purpose
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
blake2b-ref
A
no_std
BLAKE2B implementation -
ultrasonic
Transactional execution layer with capability-based memory access for zk-AluVM
-
cvt
Expose the cvt function from Rust libstd
-
progress-encode
Progress ENCODE function
-
treeculler
help with frustum culling
-
iter-group
grouping (key,value) iterators into maps of collections
-
kaede
adalah rust library untuk operasi matematika sederhana
-
hampel
Sequential outlier detection and removal using Hampel identifiers
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
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
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
travelling_salesman
Travelling Salesman Problem Solvers
-
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
-
tectonic_engine_spx2html
The Tectonic engine that converts SPX output to HTML
-
nphysics_testbed2d
Testbed for the 2-dimensional physics engine in Rust
-
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…
-
hexdump
Easy hexdump to stdout or as an iterator
-
voro_rs
binding for voro++ library
-
entro-spin
Entro Spin is a 64-bit, true-random number generator 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
-
sudoku-solver
backtracking algorithm for solving sudoku
-
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
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
uvgen
Triplanar texture coordinates generator and packer
-
sample-std
Sampler definitions and implementations for st
-
eddie
Fast and well-tested implementations of edit distance/string similarity metrics: Levenshtein, Damerau-Levenshtein, Hamming, Jaro, and Jaro-Winkler
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
sparta
software components specially designed for building high-performance static analyzers based on the theory of Abstract Interpretation
-
extprim
Extra primitive types (u128, i128)
-
multibody_dynamics
Multibody dynamics algorithms in Rust
-
delatin
Fast TIN generation using Delaunay triangulation
-
regex-filtered
Efficiently check an input against a large number of patterns
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
ssr-algorithms
spaced repetition algorithms
-
cygv
Compute GV and GW invariants of CY manifolds
-
belnapian
Belnap's 4-valued logic basic building blocks in Rust
-
pagat
that helps you split the bill
-
singlevec
Vec-like container optimized for storing only a single item
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
punkt_n
Punkt sentence tokenizer
-
simple-easing
Set of simple easing functions
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
polyeval
Evaluate polynomials
-
rs-snowflake
Rust version of the Twitter snowflake algorithm
-
lds-rs
Low Discrepancy Sequence Generation in Rust
-
svdlibrs
port of LAS2 from SVDLIBC
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
convert-base
convert the radix (base) of digits stored in a vector
-
eta-graph
Low overhead graph library focused on performance
-
rev_bits
reverses bits in a specified range
-
elipdotter
Embeddable full text search engine
-
rb-interval-map
rb-interval-map
is a map based on interval tree -
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.
-
nonbox
NaN boxing without boxing
-
gix-filter
gitoxide project implementing git filters
-
weighted-rs
A libray for weighted balancing algorithm
-
rustronomy-watershed
a pure-rust implementation of the segmenting and merging watershed algorithms
-
diffsl
A compiler for a domain-specific language for ordinary differential equations (ODE)
-
sepax2d
A safe crate for finding and resolving collisions of 2D convex shapes using the Separating Axis Theorem
-
data_storage_units
Unit converter for rust language
-
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
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
int_math
Integer math
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
wiiu_swizzle
Wii U texture memory tiling
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
metrohash
high quality, high performance hash algorithm
-
actionable
An enum-based async framework for building permission-driven APIs
-
bool-toggle
bool toggling for the bool toggle enjoyers
-
private_poker
A poker library
-
cuv
Compressed unit vectors that can be used to store things like normal vectors efficiently
-
fmttools
Tools for modifying text without allocating any intermediate buffers or unsafe code
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
bandit
Algorithms in Rust
-
omango-wyhash
Wang Yi hash for Rust
-
checksum-tapestry
Collection of checksum algorithms and examples
-
furze
finite state transducers (fst) writen in rust
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
cuda_std
Standard library for CUDA with rustc_codegen_nvvm
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
fenris-solid
Solid mechanics functionality for fenris
-
squares
A Counter-RNG faster than Philox
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
bananapeel
A darn-slippery obfuscator algorithm!
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
partition
slices in-place by a predicate
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
ms2
that replicates the ms package from TypeScript for Rust
-
crfmnes
CR-FM-NES (Cost-Reduction Fast Moving Natural Evolution Strategy Optimiser) implemented via nalgebra
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
simplerand
fast random number generator
-
satsnet_hashes
Hash functions used by the rust-bitcoin eccosystem
-
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.
-
pincol
PINned COLlections: data structures utilizing
Pin
pointer -
toodee
A lightweight 2D wrapper around a Vec
-
sort
sort algorithms
-
cfpyo3_rs_bindings
a collection of performant utilities
-
median
efficient O(n) median filter
-
statement
An event-driven state machine library for Rust
-
sobol
sequence generator for Rust
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
fast-math
Fast, approximate versions of mathematical functions
-
geo-core
Common tools for working with spatial data
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
dup-indexer
Create a non-duplicated index from Strings, static str, Vec, or Box values
-
arithmetify
arithmetic coding
-
anim_curve
Curve Calculation function library with simple dependencies
-
miniball
Minimum enclosing ball
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
krakel
A lean 2d kd-tree ported from OpenCamLib
-
kzg-commitment
perform KZG polynomial commitment scheme
-
randomize
Randomization routines
-
quadtree-f32
dependency-free ID-based quadtree
-
automaton
Parse regular languages
-
tree_traversal
Find best leaf node in a tree
-
maidenx_cuda_kernels
MaidenX CUDA Kernels
-
algorithmify
Create specifications for algorithms defined using Rust code
-
here_be_dragons
Map generator for games
-
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
-
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).
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
ring-log
High-performance logger with lock-free ring buffer
-
kratom
neural network library
-
decimal-wad
Math for preserving precision floats up to 18 decimal places
-
pingora-limits
rate limiting and event frequency estimation
-
block-mesh
Fast algorithms for generating voxel block meshes from arrays
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
floaters
generate floating-point numbers in various ways
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
cubecl-opt
Compiler optimizations for CubeCL
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
swimos_errors
SwimOS Error Utilties
-
augurs-clustering
Time series clustering
-
screwsat
condlict driven clause learning sat solver
-
ordq
Order keeping job processing queue
-
ordinal
Formatting of ordinals (1st, 2nd, 3rd etc)
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
collision
extension to cgmath
-
datasketches
The Apache DataSketches Library for Rust
-
guts
Traits for constructing/destructuring from/into a type's internal guts
-
materialized-view
incremental materialized views for the masses
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
hexagex
Match binary data with hexadecimal regexes
-
sulid
unique ID generation algorithm that combines the benefits of ULID and Snowflake
-
crc16
A CRC16 implementation
-
faer-sparse
Basic linear algebra routines
-
gcollections
Generic traits over Rust collections library
-
rizzer
Fuzzy matching tool to find string similarity
-
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
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
redux-rs
Redux
-
dendritic-clustering
Package for algorithms related to clustering
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
gathers
Clustering algorithms
-
clustering
easy way to perform kmeans clustering on arbitrary data
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
sn-merkle-trie
Minimal starknet merkle patricia trie implementation
-
mur3
language implementation of MurmurHash3
-
lol-core
A Raft implementation in Rust language
-
acap
As Close As Possible — nearest neighbor search in Rust
-
portmatching
Fast Graph Matching for Port Graphs
-
UUID_extend
Extension of uuid generation based on snowflake algorithm and implementation of ID to string conversion
-
geqslib
Equation solving made easy in Rust and beyond!
-
museair
New fastest portable hash: immune to blinding multiplication, even faster then wyhash, SMHasher3 passed
-
bit-cursor
A cursor that supports bit-level reads and writes
-
graph-types
Shared types for graph theory
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
noise-functions-config
Configurable noise generator for
noise-functions
-
ms_toollib
Algorithms for Minesweeper
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
impls_index
Several of macros to put each function under a named macro to index every function in a class
-
pcg32
No-frills PCG32 random number generator implementation
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
baiser
Curves manipulation library
-
poisson-diskus
Poisson disk distribution sampling
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
kermit-kvs
Key-value stores used in Kermit
-
xyzvec
Statically allocated fixed-size vectors for working in 2 and 3 dimensions
-
addchain
Generate addition chains
-
ssa-impls
common SSA algorithms
-
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.
-
uuid-by-string
Generating uuid-hash from string
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
svi
a function to interpolate variables in a hashmap into a format string
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
vrp-scientific
An extension logic for solving scientific VRP
-
constrained_int
Integers that are constrained within inclusive ranges
-
out
fast min and max functionality for collections
-
geo-aid-latex
Support for LaTeX output from Geo-AID
-
scm-bisect
Supporting library for git-branchless
-
time-key-stream-set
A time-keyed stream set
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
euclidean_algo
euclidean algorithm to find the greatest common divisor
-
rustiq-core
Quantum circuit synthesis library in rust
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
gad
Generic automatic differentiation for Rust
-
arcos-kdl
ARCOS-Lab Kinematics and Dynamics Library
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
varisat
A CDCL based SAT solver (library)
-
yamcts
Monte Carlo Tree Search
-
vec_extract_if_polyfill
Polyfill for Vec::extract_if
-
murmurhash
MurmurHash3 implementation in Rust
-
line_2d
Bresenham's line algorithm as a rust iterator
-
iron-shapes-booleanop
Boolean operations on polygons for iron-shapes
-
crazy-train
randomized and fuzz execution of command-line interfaces
-
limited-queue
a limited queue that overrides the oldest data if trying to push a data when the queue is full
-
narr
Numeric Calc
-
supply-chain-trust-example-crate-000069
A non-cryptographic hash function using AES-NI for high performance
-
fft2d
Fourier transform for 2D data such as images
-
count-min-sketch
Count-min-sketch implementation
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
lightmap
Light map generator
-
hashring
A minimal implementation of consistent hashing
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
nblast
neurite similarity algorithm
-
ac-library-rs
port of AtCoder Library (ACL)
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
density-mesh-core
Core module for density mesh generator
-
cplex-sys
Low level bindings to the Cplex C-API
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
freelist-rs
Free list for numeric values
-
beetle_bits
A collection of bit-based types. Currently only u1 (1bit uint) and f3 (3bit float) are implemented
-
onesies
Count the number of bits set to 1 in an integer
-
worley-noise
Worley noise implementation
-
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…
-
shabottom
reimplementation in Rust
-
numext-fixed-uint
Fixed-size uint types
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
pikkr-annika
JSON Parser which picks up values directly without performing tokenization in Rust. Reuploaded by Annika due to her compile problems.
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
human-sort
Human sort (natural sort) implementation
-
earley-omnitool
An Earley parser engine
-
wfc
Generate images using Wave Function Collapse
-
atomex
Atomics extensions in Rust
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
sss_moo
SSS Many-Objective Optimization Framework
-
sort-it
various sorting algorithms
-
sorting_lib
lib implementing sort algorithm?
-
zenu-matrix
Matrix library for ZeNu
-
rselib
Misc algorithms implemented for embedded usage (i.e., wasm)
-
imohash
Fast hashing for large files
-
esl01-dag
DAG used for source control
-
lazysort
Lazy sorting for iterators
-
augrim
consensus algorithms implemented in Rust
-
rand_core
Core random number generator traits and tools for implementation
-
fibonacci-numbers
The 59th Fibonacci number
-
container_image_dist_ref
parsing and validating container image references
-
movavg
Generic Moving Average calculation
-
winconsole
A wrapper for console-related functions in the Windows API
-
cubic_spline
Function that calculates curve points for cubic spline
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
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)…
-
oxydized-money
providing data types to manipulate amounts of money in specific currencies and convert amounts between then
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
distance_difference_triangulation
Position triangulation from differences of distances
-
stochastic-rs-stats
statistical analysis of stochastic processes
-
cdc
performing Content-Defined Chunking (CDC) on data streams
-
komunikilo
A chaotic communications simulator
-
zzz
Fast progress bar with sane defaults
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
text-file-sort
Sort a text file similar to linux sort
-
buldak
that provides various sorting functions
-
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
powers-pf
Power flow algorithms
-
wheel
algebra library for Rust
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
kanaria
functions such as hiragana, katakana, half-width and full-width mutual conversion and discrimination
-
mfem
A high-level Rust wrapper for MFEM
-
dawg
Directed Acyclic Word Graph
-
hyperminhash
Fast, constant-memory cardinality approximation
-
ntree-rs
A mutable n-tree with async support
-
causal-hub
A hub for Causal Data Science
-
iter-set
Set operations on sorted, deduplicated iterators
-
spatial
An N-Dimensional R-tree family spatial tree implementations
-
number-based
attempt of mine to make working with number bases simple
-
chrono-probe
Compare and measure the time complexity of algorithms
-
gchemol-geometry
gchemol: a Graph-based CHEMical Objects Library
-
nmm_lib
nine mens morris
-
avm1-emitter
AVM1 emitter
-
symspell
Spelling correction & Fuzzy search
-
gametime
Time handling library for games
-
arrsac
From the paper "A Comparative Analysis of RANSAC Techniques Leading to Adaptive Real-Time Random Sample Consensus"
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
const_ranged_int
Ranged constant integers. Useful for lookup tables with constrained values to avoid secondary bounds check.
-
light-double-ratchet
implements the Double Ratchet algorithm in Rust
-
subslice
Fast subslice search
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
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
-
s_nor
A Very Simple To Use Encryption Algorithm * Not Ment For Professional Use
-
toffee
Get command to run to run specific test in a file
-
qtruss
finite-element solver for trusses
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
voxel-traversal
Traverse through all voxels in a 3d space from a start position to an end position
-
swf-fixed
SWF fixed-point numbers for Rust
-
powerboxesrs
functions to manipulate and compute metrics on boxes
-
libreda-sta
Static timing analysis for netlists of the LibrEDA framework
-
coordinator
load balance tasks into task runners
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
weak_true
Similar to the automatic implicit conversion to boolean values in weakly typed languages
-
multidimension
High-level manipulation of multi-dimensional arrays
-
lightspeed_hash
Hash functions
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
linear-map
A map implemented by searching linearly in a vector
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
phi-detector
Phi Accrual Failure Detector
-
iter_enumeration
Unifies Iterators over Same Type
-
appendlist
An append-only list that preserves references to its elements
-
superslice
Extensions for slices
-
essential-state-asm
Assembly operations for the Essential state read VM
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
istio-api-rs
A collection of CRDs for api used in Istio
-
rand_distr
Sampling from random number distributions
-
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
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
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
-
round_float
Round
f64
andf32
to specified number of decimals -
aviation-calculator
Useful calculations for aviators
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
netsblox-stateflow
extracting state machines from NetsBlox code
-
prime_bag
A bag datatype that used unsigned integers for storage
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
rand_pcg
Selected PCG random number generators
-
abow
Visual bag of words for fast image matching
-
tokeneer
tokenizer crate
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
swap3
Swapping of three references, rotating the values left or right
-
imei
number validator
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
ibmfloat
IBM floating point number types
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
rabitq
vector search algorithm
-
ring_buffer
RingBuffer is a queue with added random access
-
hexagonal_pathfinding_astar
A-Star pathfinding algorithm tailored for traversing a bespoke collection of weighted hexagons
-
vsr
Viewstamped Replication in Rust
-
globe-rs
management of geographic coordinates
-
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
-
demes-forward
rust API for iterating demes models forwards in time
-
qdft
Constant-Q Sliding DFT
-
artcode
Converts dates into artcode coordinates
-
supply-chain-trust-example-crate-000078
fast random number generator
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
unik
A Powerful Universally Unique Identifier (UUID)
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
small-fsm
Finite State Machine for Rust
-
routee-compass-powertrain
providing integration between RouteE Compass and RouteE Powertrain
-
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…
-
dfo
Differentiable Floating-point Operations in Rust
-
glicko2
rating system
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
kette
Iterator tools
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
quasirandom
number generation
-
buf-min
Minimal utf-8 safe buffer traits
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
sykin
kinematic calculations using the syunit-unit-system
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
clone_dyn_types
Derive to clone dyn structures
-
libtombala
Mugsoft Tombala Game
-
logru
A small, embeddable and fast interpreter for a subset of Prolog
-
lindenmayer
Memory Efficient Lindenmayer-Systems
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
data_units
Data unit converter
-
fltrs
Filter for querying lists
-
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
-
biodiff-align
Sequence alignment bindings for biodiff
-
gamma
Graph primitives and traversals for Rust
-
swimos_rtree
SwimOS R-Tree
-
grb-sys2
Gurobi C API FFI declarations
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
gaoya
Locality Sensitive Hashing Data Structures
-
fitnesstools
Collection of tools related to fitness and weightlifting
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
argmap
parse command-line arguments into a hashmap and vec of positional args
-
normalize-case
A small Rust library for normalizing string cases (snake_case, camelCase, PascalCase, etc.)
-
page_rank
A graph and pagerank algorithm implementation in Rust
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
macro-machines
State machine macros with logging and graphviz DOT file generation
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
lootr
RPG-like looting system
-
kirkos
Lightweight no_std heap-allocated circular buffer implementation
-
tea-dtype
provide datatype and useful traits for datatype
-
discoid
Different types of generic Circular Buffers
-
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
-
search_trees
binary search tree, red-black tree, and AVL tree
-
TerraForge
Lightspeed terrain generation at scale in rust
-
iterslide
A "sliding window" iterator
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
lcs_rs
longest common subsequence
-
sonare
Runtime environment for formally-verifiable distributed software
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
u7
dotnet's 7bit int in Rust
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
bisection
Python bisect module
-
rucrf
Conditional Random Fields implemented in pure Rust
-
grambulate
grambulation for positive integers in Rust
-
nnf
Negation Normal Form manipulation library
-
random-string
Allows to generate random strings based on a given charset and length
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
fuchsia-cprng
Fuchsia cryptographically secure pseudorandom number generator
-
crystallographic-group
Provide crystallographic group reference and useful information, e.g. lattice coordinates and symmetry operation matrices.
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
geos-sys
GEOS C API bindings
-
memmem
Substring searching
-
pubgrub
version solving algorithm
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
qd
Extended precision floating point arithmetic
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
const-chunks
Extension trait to chunk iterators into const-length arrays
-
ju-tcs-tbop-24-bebidek-endpoints
providing head and tail functionality
-
grabbag
A random grab-bag of functionality
-
str-similarity
A string similarity library
-
postman-api
Postman client, generated from the OpenAPI spec
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
modinverse
Small library for finding the modular multiplicative inverses
-
mahf-bmf
A collection of common continuous benchmark functions for MAHF
-
tugger-wix
Interfaces to the WiX Toolset to produce Windows installers
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
genetic_algorithm_meta
A genetic algorithm implementation for optimizing genetic algorithm parameters
-
dlx-rs
dancing links in Rust
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
dandelion-random
A high performance non-cryptographic random number generator
-
qip-iterators
Iterators for tensor product matrix multiplication
-
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.
-
zvxryb-broadphase
A broadphase collision detection library
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
whittaker-eilers
A sparse matrix implementation of Whittaker-Eilers smoothing and interpolation
-
sparse_matrix
do linear algebra with sparse matrix
-
algx
Knuth's Algorithm X
-
octarr
dynamic cubic octree capable of storing class data, accessed via indexers
-
radix
Convert any {u8, u16, u32, u64, u128, usize} to another radix
-
rehexed
Adjacency lists for hexasphere's icospheres
-
dbus-addr
D-Bus address parsing
-
tallyweb-fuzzy-sort
A fuzzy sort library for use with the tallyweb site package
-
based16
BASE-16(HEX) implementation for chads
-
rust_wfa
wavefront sequence alignment algorithm
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
async_bagit
Create and load BagIt containers
-
coding_pk
pk for coding solution
-
permutate
Generic permutator that permutates singular and multiple lists
-
poorentropy
Low-quality entropy generator for
no_std
crates -
drying_paint
observer pattern for Rust
-
sbitty
defining bitwise operations on standard integers type
-
streamvbyte64
stream-vbyte codec supporting 64-bit wide values
-
blackboxmc_java
BlackboxMC bindings for java.util
-
rcalc_lib
Mathematical expression calculation library
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
delaunator
A very fast 2D Delaunay triangulation library
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
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.
-
name-engine
computing Markov chains to generate random names based on pronunciation
-
from_bytes_or_zeroed
Reads integers from an arbitrary slice of bytes
-
bit-list
A lazy list of bits
-
qframework
A experimental micor framework for clear design, based on queue model
-
murmurhash3
MurmurHash3 implementation
-
enso-optics
functional optics
-
easylazy
Easy lazy initialization of variables
-
gym-rs
OpenAI's Gym written in pure Rust
-
arima
time series modeling for Rust
-
rexl
Common Library for Rust
-
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.
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
coord_transforms
performing coordinate transformations
-
npcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
sha3-asm
Raw bindings for SHA-3 algorithms written in assembly
-
glar-gemm-s8u8s32
high performance cpu kernels
-
ilattice
2 and 3-dimensional integer lattice math
-
vec-drain-where
alternative
Vec::drain_filter
impl -
cut-optimizer-2d
A cut optimizer for cutting rectangular pieces from sheet goods
-
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
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
rust-algo
rust algorithms
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
simple-simplex
Generates 2d simplex noise values and applies Fractal Brownian Motion
-
weighted-selector
Select type from weighted index
-
unity-random
A reimplementation of Unity's pseudo-random number generator
-
prexel
A math expression evaluator
-
javarandom
Pure rust implementation of java.util.Random
-
seadawg
that implements the online algorithm for Direct Acyclic Word Graph (DAWG) and Compact Direct Acyclic Word Graph (CDAWG)
-
frand
Blazingly fast random number generation library
-
bgjk
Boolean Gilbert-Johnson-Keerthi algorithm for determining if convex hull volumes intersect
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
dominoes_oma
generation of domino sequences and puzzles using Optimization Methods and Algorithms (OMA)
-
symbolic_polynomials
manipulation of polynomials over the integers
-
hasher
Package hasher provides a Hasher trait
-
flxy
Full-text searching and scoring of strings
-
bubblesort
Bubblesorts stuff
-
supply-chain-trust-example-crate-000079
Fowler–Noll–Vo hash function
-
molecules
working with molecules and molecular dynamics simulations
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
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
-
varstack
A call-stack based singly-linked list
-
oca-dag
OCA DAG
-
tessellation
3d tessellation library
-
compensated-summation
Compensated summation algorithms for better precision
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
rootfind
Root-finding algorithms
-
polars-algo
Algorithms built upon Polars primitives
-
curieosa
Parse parsing Internationalized Resource Identifiers (IRIs) into Compact Uniform Resource Identifiers (CURIEs)
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
peepmatic-automata
Finite-state transducer automata
-
shm_ring
A directional ring buffer for message passing between shared memory
-
unit_types
A unit-aware type system for Rust
-
hash_ord
lib contains OrdMap(avl tree) and HashMap(use avl to resolve collision);
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
minstd
minimal standard random number generator
-
mini-enigma
#[no-std] (and no alloc) zero dependency implementation of the M3 Enigma
-
probably
various approximate computing algorithms
-
ndspec
A package for ocean waves and energy spectra
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
wkb
Convert geo-types from georust to/from Well Known Binary
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
inexor-rgf-model-random
Inexor - Reactive Graph Flow - Model - Random
-
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.
-
rmath
math library
-
jaaptools
I really just wanted to try publishing a package, but this contains stuff I find useful in many circumstances
-
kermit
Relational data structures, iterators and algorithms
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
discrete
Combinatorial phantom types for discrete mathematics
-
splinify
Rust-wrapper for Dierckx' B-Splines Curve and Surface Fortran Library
-
qsort-rs
A quick sort algorithm that accepts any type and non-recursive approach
-
n18game
assets and logic for 18xx games
-
paragraph-breaker
Knuth-Plass algorithm for breaking paragraphs into lines
-
hackflight
flight-control software for makers in Rust
-
core_float
based on the Rust Core Library and aims to provide an identical set of APIs for f32 and f64 floating-point types
-
rs-graph
graph algorithms and combinatorial optimization
-
blossom
algorithm to get a maximum matching in an undirected graph
-
uwu_wasm
uwuifying the web
-
assign1
Sorting code
-
entro-sort
Entro Sort is an in-place, linearithmic, unstable sorting algorithm
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
rtsam
Real Time Smoothing and Mapping (RTSAM) in Rust
-
micro_ndarray
Very small multi-dimensional-array implementation
-
aoc_utils_by_nifalu
A small collection of utilities for the advent of code challenges
-
shortestpath
Shortest Path is an experimental library finding the shortest path from A to B
-
cmaes
CMA-ES optimization algorithm
-
webgestalt_lib
computing enrichment for different analytes using ORA or GSEA
-
eviolite
Toolkit for working with evolutionary algorithms
-
deranged
Ranged integers
-
cmaze
Core of tmaze game
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
morton
space filling curve functions
-
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…
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
graph-algorithms
5 graph algorithms - DIJKSTRA'S, BFS, DFS, KOSARAJU'S and BELLMAN FORD ALGORITHM
-
adapton-lab
Testing and performance evaluation suite for Adapton
-
treap_non_random
A non-randomized Treap implementation. Not very useful as a balanced tree, but useful when implementing CVM or similar algorithms.
-
contest-algorithms
Common algorithms and data structures for programming contests
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
cgl-src
Redistribution of Coin-OR Cgl as a crate
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
rust-constraint
constraint satisfaction problem (CSPs)
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
qmc
Quantum Monte Carlo simulations in Rust
-
bip_util
Bittorrent Infrastructure Project
-
ramp64-srm-convert-lib
build RetroArch Mupen64 SRM Converter
-
entromatica
constructing, simulating and analyzing markov chains
-
slsqp
optimizer for Rust
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
sfsm
Static state machine generator for no_std and embedded environments
-
ruzzy
A lightweight fuzzy matcher
-
remedian
A Rust implementation of The Remedian
-
hmmm
Hidden Markov Models in Rust
-
c_math
这是一个用于基础数据转换操作的一个包
-
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
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
mail-headers
[mail/headers] header parts for the mail crate (inkl. header map and standard header impl)
-
nistrs
his crate implements statistical tests according to the NIST standard
-
vartyint
Read & Write varint encoded integers
-
cplit
Competitive Programming Library in Rust
-
prksort
Merge Sort and Quick Sort algorithms in Rust
-
simple-pagerank
calculate the PageRank of a graph
-
mutification
Convert immutable reference to mutable reference
-
stable-hash
A stable, structured hash with backward compatibility
-
ironstorm_lookup
Lightning fast lookup table for auto completion, type ahead, suggestion engines
-
timelag
Creating time-lagged time series data
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
sssignals
🐍 Simple, Synchronous Reactive Signals for Rust
-
stb_rect_pack
Wrapper over stb_rect_pack_sys, offering a cleaner abstraction than the bindgen generated interface
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
borrowned
Borrow-or-owned values
-
miracl32
version of miracl/core for 32-bit no_std platforms
-
spalinalg
Sparse Linear Algebra Library
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
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
-
insides
A compact, high performance space filling curve library for Rust
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
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)
-
sat_toasty_helper
more-easily writing SAT constraints
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
topk
TopK algorithm implementation in Rust
-
savant_core
Savant Rust core functions library
-
crczoo
CRC Zoo: A collection of Cyclic Redundancy Check (CRC) algorithms
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
luhn
validation library
-
meowhash
Meow hash function
-
vsort
GNU Version Sort Rust implementation
-
fleetfs_raft
language implementation of Raft algorithm
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
tdigest
T-Digest algorithm in Rust
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
mmseg
Chinese word segmenation algorithm MMSEG in Rust
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
greek_number
Convert numbers to Greek number strings
-
vector_converter
convert between vectors of different types
-
nota
A message format for an alternative universe where IEEE754 floats, UTF-8, and little endian never existed
-
ldpc
A toolbox for classical and quantum LDPC codes
-
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
-
bidi
Unicode Bidirectional Algorithm (UBA)
-
codek
Codec trait
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
range-reader
Converts low-level APIs to read ranges of bytes to
Read + Seek
-
anyhash
Traits and utilities for making hashes of any type
-
pack_it_up
that implements various bin packing algorithms
-
dotzilla
Native Rust implementation of efficient basic linear algebra routines
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
ripgen_lib
High-performance domain-name permutation generator
-
asl
Amazon States Language
-
pow2
Represents a non-negative power of 2, by storing its exponent
-
snaplog
easily recording changes to values
-
variadic_from
Variadic from
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
sort_library
sorting algorithms in Rust
-
xcov
Knuth's Algorithm X (featuring dancing links) for solving exact cover problems
-
crc32c-hw
Hardware-accelerated (SSE 4.2) implementation of CRC32C with software fallback
-
library_of_babel
Babel in Rust
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
depper
basic dependency validation
-
input_conv
A basic stdio extension to automatically translate basic inputs to a given type
-
light-curve-common
Common tools for light-curve-* packages
-
boostvoronoi_ext
Boost voronoi private workspace (this workspace will be re-integrated in the main crate in next release)
-
displayr-rustr
R integration
-
proc-opt
WIP: Process/Job scheduling optimization library
-
classify
A collection of algorithms for categorizing 1D data
-
swimos_multi_reader
SwimOS Stream Aggregator
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
crc_all
A Pure Rust Implementation of Generic CRC Algorithm
-
idmap
Efficient maps of integer id keys to values, backed by an underlying
Vec
-
teeint
A teeworlds variable int packer/unpacker
-
classific
Classifications, comparator and equivalence class implementations
-
random-branch
macro to select a random branch like match
-
denlibs
general-purpose libraries
-
vqf-rs
A
no-std
, dependency-free port of VQF sensor fusion algorithm for IMUs -
mle1
The MLE-1 encryption algorithm
-
watermill
Blazingly fast, generic, and serializable online statistics
-
metricator
Metrics
-
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…
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
rust_poker
Rust poker library
-
quickcheck_seedable
Automatic property based testing with shrinking
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
bvh
A fast BVH using SAH
-
cauchy
Trait for real and complex numbers
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
rs-uuid
Universally unique identifier generator
-
hashids
HashIds Rust Implementation
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
sudoku-variants
A flexible Sudoku engine that supports common variations and custom rules
-
hashed-permutation
A fast, instant-access way to permute a range of numbers
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
den
A general delta encoded network difference algorithm
-
atlatl
Double-array tries
-
pennereq
Port of the Penner easing equations to rust
-
bubble-sort-scala
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
aes-keywrap-rs
AES Key Wrap for Rust (AES-KW, RFC 3394 / RFC 5649)
-
numeric-algs
implementing some numerical algorithms
-
rustsat-cadical
Interface to the SAT solver CaDiCaL for the RustSAT library
-
vm6502
A 6502 virtual machine backend
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
del-fem-ls
sparse solver library for research prototyping
-
crc8-hitag-fast
SIMD-powered implementation of CRC-8/HITAG
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
minhash-rs
MinHash trying to be parsimonious with memory
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
regex-lite
A lightweight regex engine that optimizes for binary size and compilation time
-
nd_vector
[WIP] Lengthen! Shrink! Iterate! Scale! Twist and turn to your imagination along any dimension on a vector!
-
libgdx-xs128
minimalist no_std clone of the Xorshift128+ algorithm used in the libgdx Java library
-
lenia_ca
simulating the Lenia system of cellular automata
-
fp-growth
algorithm in pure Rust
-
jarl
Jarl (Just another Raft library)
-
opendp-ffi
Foreign function interfaces for the OpenDP library
-
temex
Regex-like temporal expressions for evaluating systems that change over time
-
hv-fonseca-et-al-2006-sys
A wrapper for the hyper-volume algorithm by Fonseca et al. (2006)
-
oint
oint ('optional int') provides total operations on arithmetic
-
pso_rust
famous PSO method
-
jingle_sleigh
An FFI layer for Ghidra's SLEIGH
-
angled-random-walker
Angled Random Walker approach to Brownian tree generation
-
analytic
has been renamed to be the math crate https://crates.io/crates/math
-
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
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
ndsort-rs
Sorting Algorithms implemented in Rust
-
modicum
Modular arithemtic library in pure Rust
-
krossbar-state-machine
Krossbar state machine
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
graph6-rs
parsing graph6/digraph6 strings and converting them into other text based formats
-
mgraph
performance-oriented graph library for Rust
-
wl-tools
Wordlist tools – algorithms and data structures for working with lists of words
-
simbiota-tlsh
A pure-rust implementation of Trendmicro's TLSH algorithm, featuring the same optimizations found in the reference implementation
-
duval-rs
Duval algorithm in Rust
-
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
-
smth
math library
-
enso-shapely
Automated typeclass derivation
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
metrics_evaluation
Small foot-print parser and solver for (nested) text-based comparisons
-
polystem
Popular stemming algorithms for Information Retrieval
-
symbol-map
Memory-efficient mapping from values to integer identifiers (AKA a lexicon or symbol table), with options for fast bidirectional lookup
-
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
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
poker
speedy poker hand evaluation
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
lfu
cache implementation
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
jumphash
A Fast, Minimal Memory, Consistent Hash Algorithm
-
satif
SAT solver interface
-
blake2b_simd
a pure Rust BLAKE2b implementation with dynamic SIMD
-
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
-
test-data-generation
light-weight library that analyzes sample data to build algorithms and generates realistic test data
-
entro-hash
Entro Hash is a 32-bit, non-cryptographic hashing algorithm
-
rabin_ida
Rabin's information dispersal algorithm, originally by Liam Perlaki
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
glushkovizer
Manipulation, regular expression and automaton library. Allows conversion of regular expressions into automata and analysis of automata and their orbits
-
hashdozen
A novel 48 bit hashing algorithm producing human-readables hashes
-
xxh
XXHash algorithm implementation for Rust
-
dep_crusher
Starting at a root node, traverse the dependency graph and flatten it
-
dia-ip-range
-
wfc_tiled
Small library for Wave Function Collapse on Tile-based maps, using the
wfc
crate. Provides Tiled integration. -
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
simplegraph
graph implementation
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
stream-more
Stream utilities for Rust
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
poisson
Poisson-disk distribution generator
-
hora
Hora Search Everywhere
-
anndists
some distances used in Ann related crates
-
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
java_random
The java LCG and random module implementation in rust
-
pretty-hash
Output binary buffers as a nice, shortened hex string
-
endicon
Implementations of codicon traits for endianness encodings
-
num-cmp
Comparison between differently typed numbers
-
md5hash
A no_std MD5 hash implementation in safe Rust
-
aces
Algebra of Cause-Effect Structures
-
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
-
bevy_cells
Bevy library for working with entities in grids
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
typed_shapefile
Read & Write .dbf in Rust
-
descartes
Imprecision-tolerant computational geometry for Rust
-
badsort
Some basic sorting stuff I wrote as practice in Rust. Includes my favorite algorithm, BOGO Sort!
-
semantics
mapping
-
line_cardinality
High performance line cardinality counts and estimates
-
caldera-bindings
Bindings for Caldera which includes bindings for libavcodec, libavformat, libavutil, pulseaudio and libsamplerate
-
random_lcg
lcg random number generator
-
searchlib
Satisficing and optimal search algorithms
-
chandeliers-std
A standard library for the Chandeliers suite
-
skelly
Skeleton animation and IK
-
traiter
Traits collection
-
microwfc
Small Wave-Function-Collapse implementation
-
advanced-random-string
advanced string generation based on given charsets, lengths, and RNGs
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
cf_dist_utils
has risk and distribution utilities
-
tradestats
Metrics
-
value-box-ffi
C-like api to family of value-box crates
-
awesome-trie
Awesome Trie is a fast Implementation of Trie algorithm
-
index-utils
working with indices
-
algebloat
Rust linear algebra library
-
ps-pint16
Packs integers into a u16 via variable precision
-
heapz
Heap/Priority Queue implementations
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
narcissistic
number searcher
-
heuristic-graph-coloring
Heuristic algorithms for graph vertex coloring
-
trajectory
interpolation
-
arrow-cast-guess-precision
Arrow cast function alternative with timestamp integer guessing precision
-
robinson_mmodules
direct implementation of the algorithms presented in "MODULES IN ROBINSON SPACES" by MIKHAEL CARMONA, VICTOR CHEPOI, GUYSLAIN NAVES AND PASCAL PREA. It can determine if a given…
-
batsat
Extensible SAT solver in Rust
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
statistical
statistics library
-
secwords
secure and safe password container
-
rusty_algo
Implementations of algorithms from 'Introduction to Algorithms' by Cormen et al
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
tiamat
a PRNG library
-
acacia
A spatial partitioning and tree library
-
graph_builder
A building block for high-performant graph algorithms
-
libtess2-rs
good quality polygon tesselator and triangulator
-
cfg-regex
Conversion from a regular expression to a context-free grammar
-
pso
Particle Swarm Optimizer
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
rbuf
A general purpose ring buffer implementation with some non-standard constraints
-
try_all
Extends iterators with
try_all
to convert iterator of results into result of iterator of okays -
state_maschine
A State Machine Framework written in Rust
-
aob_common
String searching with wildcards
-
meealgi
A selective implementation of Jean Meeus' astronomical algorithms
-
tacho
A prometheus-focused metrics library for Future-aware applications
-
backtrack
Solve hard constraints easily
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
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
-
stringslice
A collection of methods to slice strings based on character indices rather than bytes
-
juxt_adler32
just adler32, nothing else
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
lttb
Largest Triangle Three Buckets algorithm
-
dahl-salso
SALSO algorithm is an efficient greedy search procedure to obtain a clustering estimate based on a partition loss function. The algorithm is implemented for many loss functions, including…
-
cow_arc
CowArc can be useful for decreasing memory allocations by sharing immutable memory
-
mccga
Implements the machine-coded compact genetic algorithm (MCCGA)
-
spherical-cow
Spherical Cow: High volume fraction sphere packing in arbitrary geometries
-
flowing
flow graph processing library
-
htmlprops-to-react
convert html properties to react
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
llsc
load-link/store-conditional implementation using atomics
-
sigalign-core
A core crate for sigalign
-
list_comprehension_macro
A macro for making Python like Vector and HashMap comprehensions
-
blue-noise-sampler
version of the A Low-Discrepancy Sampler that Distributes Monte Carlo Errors as a Blue Noise in Screen Space sample code
-
sorts
A collection of sorting algorithms
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
password-worker
A wrapper for password hashing that can be used as shared state, and uses a rayon thread pool so it won't block the async runtime
-
safe-modular-arithmetic
modular arithmetic algorithms for all integer types in an overflow-safe and const-compatible manner
-
optimath
Linear Algebra using const generics for no_std and specialization to enable SIMD
-
xxtea
encryption algorithm library
-
w_inter
❄️ Weighted INTERval scheduling problem
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
numlib
numerical library implementing common numberical algorithms in rust
-
xcc
Exact Cover solver with color extensions
-
rounded-div
Get rounded result of an integer division
-
ssdeep
wrapper for ssdeep
-
divisors_fixed
A fixed & enhanced version of the divisors crate
-
fix-rat
A rational number type with fixed denominator
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
graphannis-core
supports graph representation and generic query-functionality
-
or-tools
Unofficial Rust wrappers to the C++ library Google OR-Tools, open source software for combinatorial optimization
-
xxhash-rs
Safe Rust implementation of xxHash
-
hotdrink-rs
HotDrink in Rust
-
rustmt
A MT19937 PRNG implementation for rust
-
space_alloc
General purpose space allocators
-
memoires
Memoization for Rust
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
lcpc-brakedown-pc
polynomial commitment scheme from SDIG expander code
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
infinity-sampler
Deterministic reservoir sampling for Rust
-
hyperid
Superfast id generator
-
genx
An easy to use and modular genetic algorithms library
-
wfc-rs
Binding to the krychu/wfc C library
-
sosa
Stochastic simulation algorithm (SSA) with a Monte-Carlo generating method
-
smallest-enclosing-circle
Iterative and recursive two-dimensional implementations of Welzl's algorithm for computing the smallest enclosing circle
-
nummap
Defines a wrapper around a
HashMap
of number values which behaves as if ALL keys are mapped but0
values are not stored -
summed-area-table
summed area table
-
dendritic-preprocessing
Package for preprocessing datasets to convert to numerical representation
-
random_lfsr_256_galois
random generator imlplementation based on linear feedback shift register (LFSR, Galois variation) on 256-bit polynome
-
vecfx
Extra batteries for a vec of floats
-
rust-algorithm
algorithm
-
tlnat
type level non-negative integer constants for rust
-
scicrypt-bigint
A scicrypt crate implementing *mostly* constant-time bigints for modular integers
-
uniui_layout_linear_layout
Label widget for uniui_* crate family
-
subproductdomain-pre-release
Implements subproduct domain algorithm
-
runiverse
A pure and safe Rust library to make astronomical calculations and solve astronomical algorithms
-
powers
Power flow simulation and optimization
-
kepler_backoff
A backoff algorithm that exponentially increases the time between attempts
-
srmfpa-berkeley-softfloat-3
Wrapper of berkeley-softfloat-3 for srmfpa
-
tempergb
Convert a color temperature to RGB values
-
seqdiff
Diff between two sequences
-
onlinematching
Online bipartite matching is a type of matching problem where the goal is to match elements from two disjoint sets (also known as "bipartite graphs"), where one set represents the "left"…
-
wookong-solo
Wookong Solo driver crate
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
xcsp3-rust
that help constraint programming solvers implemented by Rust to read XCSP3 files
-
label-propagation
Label Propagation Algorithm by Rust
-
sea-canal
Identifies patterns in sequences of integers
-
regalloc
Modular register allocation algorithms
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
staticstep
truly zero-cost alternatives to
Iterator::step_by
for both incrementing and decrementing any type that satisfiesRangeBounds<T: Copy + Default + Step>
-
matlab-sys
Rust bindings for the Matlab C API
-
cell-map
Many-layered 2D cellular generic map
-
small-ord-set
A set data-structure represented by a sorted
SmallVec
-
xorwowgen
Several implementations of the Xorwow algorithm
-
ecgen-rs
Enumerative Combinatoric Generation in Rust
-
german-str
small-string optimized string type with fast comparisons
-
thinarray
A thin alternative to Box<[T]>
-
moore-hodgson
Moore Hodgson's Scheduling Algorithm in Rust
-
satif-kissat
Rust wrapper for the kissat SAT solver
-
rands
Random number generators and other randomness functionality
-
aob
String searching with wildcards
-
hybrid-clocks
Hybrid Logical Clocks
-
meza
in-memory data table written in Rust
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
lazy-transform-str
Lazy-copying lazy-allocated scanning
str
transformations. This is good e.g. for (un)escaping text, especially if individual strings are short. -
hutton-rust
The Hutton cipher implemented as a Rust crate
-
traversal
Generic and lazy tree traversal algorithms
-
clone_dyn
Derive to clone dyn structures
-
unfold
in Rust
-
rest_tensors
Provide efficient tensor operations for the Rust-based Electronic Structure Tool (REST)
-
is_even_odd
categorizing and operating on integers
-
normal-form
A trait to easily find the canonical/normal form of graph structures
-
dedup_signature
implements TextProfileSignature and Lookup3 algorithms to generates a hash/signature/footprint in order to be used for detecting duplicate documents
-
randotron
Trivial little library that lets you randomly execute a closure with a sample rate
-
rsbalancer
that implements load balancing algorithms
-
dammcheck
Damm Algorithm in various bases/alphabets
-
hopcroft-karp
A minimal implementation of the Hopcrof-Karp bipartite matching algorithm
-
aviary
bird combinators for Rust
-
rustyard
A Shunting Yard implementation and calculator. This crate is able to calculate basic math expressions passed to it as strings and return a 64-bit floating point return value.
-
aabel-bloom-rs
implements the Bloom filter
-
predictive_shuffle
A vector shuffling library that allows for in-place shuffling, or predictive sub-item shuffling
-
squares-rnd
fast counter based non-crypto random generator
-
sparse
-
pi_path_finding
A* Path Finding Algorithm
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
tree-struct
A general-purpose Tree implementation in Rust
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
gndr_rust
Uses advanced techniques and algorithms to determine the gender of a user by just fucking asking them
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
pef
Partioned Elias-Fano encoding for sorted integers
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
chull
Convex hull approximation
-
sra
A collection of spaced repetition algorithms
-
osi-src
Redistribution of Coin-OR Osi as a crate
-
varint-rs
A small, zero dependency varint implementation in Rust
-
generic_graph
implementing general purpose graphs. Including some default implementation (the latter are still WIP)
-
map_to_range
map numbers from on range to another
-
dyn-smooth
Dynamic smoothing filter based on an algorithm by Andrew Simper
-
etcd_dynamic_state
Etcd dynamic state library
-
polymatheia
Mathematical types, traits, and algorithms in pure and safe Rust
-
cc4
Very simple implementation of the four_cc/fourcc algorithm as a const fn
-
ddgg
A stable graph with undo/redo built in
-
rta-for-fps-lib
paper 'Response Time Analysis for Fixed Priority Servers' by Hamann et al
-
fhash
Blazingly fast hash for HashMaps in Rust
-
modulo
operation
-
integer-cbrt
integer cube root algorithm for primitive rust types
-
stack-cell-ref
Share a reference in thread inner
-
zpatial
Algorithms for Spatial Acceleration and Geometries
-
wordlea
A algorithm to check Wordle's word guess
-
advancedresearch/piston-math_notation
Bootstrapped meta rules for mathematical notation
-
babushka
bin packing and nesting library
-
emas_rs
Rust-based EMAS optimization algorithm
-
rhizomedb
RhizomeDB
-
rollercoaster
Extra iterators for grouping, sorting, arithmetic, and more
-
maiden_cuda-kernels
Maiden CUDA Kernels
-
simple-std
extension to the Rust standard library for exercises
-
zw-fast-quantile
Zhang-Wang fast quantile algorithm in Rust
-
red_union_find
union find algorithm
-
zero-copy-pads
Padding/aligning values without heap allocation
-
primter
Prime number iterator based on sieve of Eratosthenes
-
griddy
general-purpose grid/matrix
-
afsort
American Flag sort implementation for faster sorting of Strings
-
comtesse
graph utilities
-
easyrand
Simpler to use random number library for the Rust language
-
ezing
Easing functions
-
reciprocal
Baseline implementation of integer division by constants
-
broadword
algorithms
-
resistor
calculating the resistance of a resistor based on the color bands
-
first_order_logic
first-order logic
-
whosly
便捷的工具库
-
gamemath
math library for game development, written in Rust
-
lpn
Software to study attacks on the Learning Parity with Noise problem
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
advancedresearch-tree_mem_sort
An in-memory topological sort algorithm for trees based on Group Theory
-
frechet
basic autodifferentiation
-
orca-rs
ORCA algorithm
-
libreda-pnr
Algorithm interface definitions of the LibrEDA place-and-route framework
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
qrs_detector
Realtime ECG QRS detector algorithm
-
cityhash-102-rs
Faithful reimplementation of CityHash v1.0.2 64bit and 128bit hashes
-
based64
BASE64 implementation for chads
-
sulfa
basic algorithm library implemented by rust
-
dec-number-sys
Rust bindings for The decNumber C library by IBM Fellow Mike Cowlishaw
-
zaplib_vector
The vector library for Zaplib
-
kg-utils
Various collections and utilities
-
case_converter
Case Converter
-
docchi_archiver2
A serializer which compresses integers
-
partopo
Functions to execute work described by a dependency graph
-
pokereval
evaluating poker hands with 5 or 7 cards
-
extrema
C++'s minmax_element implementation in rust
-
hmm
Hidden Markov Model
-
ju-tcs-tbop-24-bb
head and tail library
-
full
Matrix and array types for numeric values
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
introsort
Fast sorting compatible with #[no_std]. Also has (optional) support for efficient and robust sorting of floating point numbers. Currently, introsort only builds on nightly
-
symmetric-shadowcasting
shadow casting FOV algorithm
-
rust_c3
C3 for Rust
-
ram
that helps to parse source code with finite state machines
-
async_to_iter
Convert async functions to generators on stable Rust
-
bitcursor
Keeps track of the bit position for an in wrapped memory buffer, and provides it with a read, seek implementation. Also applys a new trait called ReadBits which allows reading types that implement Unit from the cursor.
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
pth
Collection of algorithms and structures to handle paths properly
-
beediff
LCS algorithm in various applications
-
rational_deduction
rational deduction algorithm
-
phreak_engine
Rule matching algorithm focussed on speed
-
lifering
A Hash wrapper around floats
-
shuffle
various shuffling algorithms over slices
-
dep-res
dependency resolution
-
supply-chain-trust-example-crate-000080
fast random number generator
-
fast_inv_sqrt
Fast inverse square root algorithm implementation
-
aaplus
astronomical algorithms
-
ergothic
setting up and running distributed Monte-Carlo statistical simulations. Designed primarily for lattice QCD.
-
sample-consensus
Abstractions for sample consensus algorithms such as RANSAC
-
partition-iterator
Iterator adaptors that enumerate all partitions or all k-partitions of an iterator's content
-
distributed-cards
Implements the mental poker shuffling algorithm
-
chksum
hash functions with a straightforward interface for computing digests of bytes, files, directories, and more
-
largest-remainder-method
The largest remainder method
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
cavalier_contours_ffi
C foreign function interface for the cavalier_contours crate
-
gmatlib
linear algebra in Rust and beyond!
-
xelis_hash
A Xelihash optimize algo package
-
iroh-bytes
blob and collection transfer support for iroh
-
kmers
k-mer manipulation
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
advancedresearch-hypo
Automatic hypothesis testing
-
gbps
gossip-based peer sampling
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
pseudo_encrypt
native-Rust generic implementation of Psql's pseudo_encrypt
-
clock-page-replacement
clock page replacement algorithm implementation
-
ogs
solving octal games
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
id_graph_sccs
Find the strongly-connected components of a graph with nodes labeled by integer ids
-
spsa
Simultaneous perturbation stochastic approximation
-
biogarden
A collection of basic bioinformatics algorithms
-
inexor-rgf-plugin-connector
Inexor - Reactive Graph Flow - Plugin - Connector
-
prefix-varint
PrefixVarint encoding for u64 integers
-
tension
Tensor library with OpenCL acceleration
-
rutil
containing utilities for creating programs in rust
-
bidir-map
Bidirectional map implementation for Rust
-
swoop
lightweight optimisation algorithms in pure Rust
-
stochastic_optimizers
Generic implementations of gradient based stochastic optimizing algorithms
-
checkdigit
Check Digit Algorithms in Rust
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
math-interpolate
Linear interpolation between two points to calculate the 3rd point
-
int_cmp
Small library for comparing unsigned integers with signed integers
-
positivity
checking the non-negativity of values across various types
-
numa_maps
Parse the numa_maps file
-
cbc-src
Redistribution of Coin-OR Cbc as a crate
-
granular-id
ID numbers with arbitrary precision
-
deep_core
deep prototype
-
advanedresearch-trinoise
A mathematical noise pattern of 3 values based on Number Theory and Set Theory
-
cmsis_dsp
Bindings to the CMSIS DSP library for ARM Cortex-M processors
-
randomwalk
Build glorious random walks
-
broccoli-ext
broadphase collision detection algorithms
-
concorde
reconfigurable lattice agreement
-
normalize_country
Convert country names and codes to a standard
-
bit_combi_iter
An iterator to iterate all bit combinations less than given unsigned integer
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
index-fixed
convert slices into arrays using indexes ([T] -> [T;N])
-
chair-rb
containing a Rust port of the ring buffers from the Aeron and compatible with the ring buffers in the Agrona(https://github.com/real-logic/agrona) library
-
rm
randomness
-
wotw_seedgen
Seed Generator for the Ori and the Will of the Wisps Randomizer
-
coaster-nn
coaster plugin providing Neural Network operations
-
bloock-types
base types for our Sparse Merkle Tree
-
babygiant-alt-bn128
implementing a multi-threaded version of the baby-step giant-step algorithm on the Baby Jubjub curve (it is the curve whose base field is the scalar field of alt-bn-128 aka bn254) to decrypt u40 integers…
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
is_42
blazingly fast way of checking if a variable is equal to 42
-
langis
A signal is a structure that can yield an infinite amount of data. The API is very similar to
std::iter::Iterator
but with the assumption that it will never end. -
xias
Explicit numeric type conversions
-
hulahoop
An efficient consistent hash ring implementation supporting virtual nodes
-
lineargen
Bit sequence generators based on LFSRs
-
iblt
Invertible bloom lookup table implementation
-
perm
-
soundchange
implementing sound change algorithms in Rust
-
acorn_prng
A no_std, 0 dependency, pseudo-random number generator based on the ACORN algorithm
-
rdeck
choosing distinct random elements
-
rtriangulate
Delaunay triangulation on a set of points
-
randu
MCG65539 is IBM System/360 random number generator
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
calculator_util
that helps you evaluating mathmatical expressions
-
modular
arithmetic in rust
-
gpu_rand
GPU-friendly random number generators for the Rust CUDA Project
-
eratosthenes
Mathematical operations library for Rust
-
measurement-units
basic measurements units conversion such as length, mass, time, volume, percents
-
dancing-links
Exact cover solver using dancing links technique
-
activation_functions
collection of activation functions
-
dims
Unit-Aware Types Library
-
swifft
hash function, written in Rust
-
fuzzerang
Efficient random number generators and distributions for fuzzing
-
utf-8
Incremental, zero-copy UTF-8 decoding with error handling
-
indiscriminant
A proc-macro for mapping between values and enum discriminants
-
lightningscanner
A lightning-fast memory pattern scanner, capable of scanning gigabytes of data per second
-
proportionate_selector
Selecting useful solutions for recombination via fitness proportionate selection
-
utm
Convert latitudes and longitudes to UTM coordinates and vice versa
-
bogosort
implemented in Rust
-
clamps
Wrapping, saturating, and other forms of number clamping
-
halton
A module for generating Halton sequences
-
kurobako_solvers
A collection of black-box optimization solvers
-
smoothed_z_score
Smoothed z-score algo (very robust thresholding algorithm)
-
tinysort
The lowest memory footprint sorting algorithm
-
fnntw
Fastest Nearest Neighbor (in the) West. A fast kdtree/kNN library.
-
buckets
O(n) integer sort
-
similar-string
Find similar strings in Rust
-
rscompress-transformation
data transformation supporting rscompress
-
oars
providing construction methods and utility functions for orthogonal arrays and strong orthogonal arrays
-
vnd_siren
A SIREN DSL/serializer
-
degrees
Easily work with and compare temeratures in different units
-
rusted_list
A ever sorted list for rust that is operating on binary search
-
ford-johnson
algorithm (aka merge-insertion sort)
-
phreak_rules
Rule matching algorithm focussed on speed
-
semanticsimilarity_rs
designed to compute similarity/distance metrics between embeddings
-
rand_seeder
A universal random number seeder based on SipHash
-
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
math-concept
Common math concepts from Computer Science classes, implemented in Rust
-
u160
Unsigned Integer 160 bits
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
glar-gemm-s16s16s32
high performance cpu kernels
-
algo-rs
Set of data structures and algorithms
-
yaum
Units of Measurement
-
rand-bits
Random number generators with a fixed number of set bits (ones)
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
three-edge-connected
CLI tool for finding 3-edge-connected components of graphs, especially graphs in the GFA format
-
grb-sys
Low level bindings to Gurobi
-
lehmer
Convert between permutation vectors, Lehmer codes and decimals
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
omnipaxos
A distributed log library written in Rust
-
dists
2d distribution generator
-
ipopt-src
Redistribution of Coin-OR Ipopt as a crate
-
when
'When' parses natural language date/time and produces computer friendly output structures
-
fenris-sparse
Sparse matrix functionality for fenris
-
parity-map
For mapping integers based on their parity
-
meos-sys
MEOS C API bindings
-
treerite
Rust binding for treelite runtime (https://github.com/dmlc/treelite)
-
japanese_number_converter
A lib to convert numbers into japanese
-
weighted-median
Calculate the weighted median
-
scales
converting values between scales
-
byte_rb
byte ring buffer
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
blake
hash function for Rust via FFI
-
aleph-alpha-tokenizer
A fast implementation of a wordpiece-inspired tokenizer
-
quine-mc_cluskey
Quine-McCluskey algorithm and Petrick's method
-
mecs
An ecs library with a focus on iteration performance
-
cdt
Fast, robust constrained Delaunay triangulation
-
sequencer
Dependency graph processing libarary
-
kv-par-merge-sort
External sorting algorithm for (key, value) data sets
-
buter
Fluid buffer as place for iterators
-
sugiura-hiromichi_mylibrary
my personal library
-
async_from
Async version of From, Into, TryFrom, TryInto
-
rand_rgb
Generate a random rgba-formatted color
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
permutation-generator
A direct permutation generator
-
win95-keygen
A lightweight library to generate valid Win95 product keys
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
signalo_sources
A collection of filters used in 'signalo' umbrella crate
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
fstd
A fast standard library for Rust
-
raft-proto
Protocol definitions for the rust language implementation of the Raft algorithm
-
digest-buffer
Fixed size buffer for use in cryptographic hash functions
-
cellular_lib
simulation of cellular automata
-
rscompress-approximation
data approximations supporting rscompress
-
audiograph
An audio graph optimised for performance and limiting runtime allocations
-
ordmap
A map ordered by value
-
curri-fsm
Functional Programming Finite State Machine With curri
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
pcoa
way to apply Principal Coordinate Analysis on a distance (dissimilarity) matrix
-
maglev
Google's consistent hashing algorithm
-
mop-solvers
Solvers for MOP
-
rdedup-cdc
Content defined chunking (and rolling hash) algos
-
tenhou-shuffle
Tenhou Deck/Wall-Shuffling Algorithm
-
thirtyseconds
Short Rust 🦀 code snippets for inspiration
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
linear-deque
A double-ended queue that can be sliced at any time without preparation
-
tokio_interval_buffer
Easy enum wrapper that implements all traits that the wrapped objects implement
-
bravery_router
Radix Tree implementation
-
fixed-length-search
The fastest algorithm for finding a path with a specific length in a graph
-
crc32-aixm-fast
SIMD-powered implementation of CRC-32/AIXM (CRC-32Q)
-
guid-partition-types
A small crate designed to work with parition types and their GUIDs
-
gearhash
Fast, SIMD-accelerated hash function for content-defined chunking
-
list
A singly-linked stack like list support peek
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
rust-sort
common sorting algorithms, purely for learning
-
hv-wfg-sys
A wrapper for the hyper-volume algorithm by While et al. (2012)
-
pkbuffer
Buffer objects made for arbitrary casting and addressing!
-
unit_converter
READ THE DESCRIPTION BEFORE USING THE LIBRARY. Add this in your main file {use unit_converter}. This is a binary converter library. all you have to do is call the function in the…
-
iris-lib
that creates color palettes from images using the median cut algorithm
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
highwayhash
Bindings to AVX-2-optimized SIP-like hash functions
-
fastrand-contrib
Extension functionality for fastrand
-
wgdiff
LCS-based diff algorithm
-
wav2json
that decodes wav audio files into json waveform data
-
rlp-iter
An iterator following a space-filling pattern over a given range
-
number-utils
A calculation crate
-
nnapi-sys
FFI to the Android NNAPI
-
async-convert
Async TryFrom/TryInto traits
-
markov_rs
fast Markov chain generator in Rust
-
graph-algo-ptas
PTAS on planars and other graph classes
-
subway
Fast, performant in-memory SkipList implemented in Rust
-
bitpacking-plus
Wrappers of bitpacking with extra pack formats
-
triangulate
Subdivides polygons into equivalent triangles
-
simple-soft-float
soft-float library that intends to be a straightforward reference implementation of IEEE 754
-
building_blocks_storage
Efficient storage for maps on sparse or dense, 2D and 3D integer lattices
-
const-fnv1a-hash
A #![no_std] crate for performing FNV1A-16/32/64/128 hashing on Rust stable at compile time
-
is-real
real?
-
mathlogic
made by Faizan Faisal, Email: f.f.programmer@gmail.com, f.f.programmer@hotmail.com
-
lp-modeler
A linear programming modeller written in Rust. This api helps to write LP model and use solver such as CBC, Gurobi, lp_solve, ...
-
sub-strs
For finding sub strings
-
dahl-partition
An efficient representation of a set partition
-
caldyn
Dynamic evaluation of mathematical expressions
-
shakemyleg
state machine definition language and interpreter
-
meshed
Graph creation and traversal tools
-
forky_core
Rust Utilities
-
aobscan
multi-threaded AOB memory scanning
-
rs_sha3_256
rs_sha3_256
is a Rust implementation of the SHA3-256 cryptographic hash algorithm, part of the largerrs_shield
project. This package provides SHA3-256 hashing functionality in a standalone manner… -
decluster
Iteratively declusters and replaces a randomised set of 2D points until a set is discovered where each point is separated by at least the specified minimum distance
-
easy_base64
The package provides the base64 encode/decode functions
-
location_based_sharding
Right sized sharding algorithm
-
minesweeprs
Probabalistic minesweeper solver, based on https://mrgris.com/projects/minesweepr/
-
anon-vec
An Anonymous Vector that emulates dynamic typing
-
stack
DSTs and arrays on the stack!
-
lis
Longest increasing subsequence algorithm
-
graphene
A general purpose, extensible Graph Theory data type and algorithm library for Rust
-
ripped
A pure-Rust Interior-Point solver for linear programs
-
phonics
Phonetic spelling algorithms in Rust
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
fibonacci_codec
fibonacci coding for primitive integer types
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
fixedbitset-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
muscleman
A buffer utility
-
argdata
binary serialization format
-
multi_iter
Iterator for acting on multiple elements at a time
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
rand_xorshift
Xorshift random number generator
-
osqp-rust
The OSQP (Operator Splitting Quadratic Program) solver
-
algo_sorting
implement all kind of sorting in the world of algorithms and more sorting methods will be implemented soon
-
sprs_suitesparse_camd
sprs bindings to the suitesparse camd fill-in reducting ordering
-
sortable-quick-unique-id
The Sort-able Quick Unique ID system
-
sortnet
Sorting Networks for Rust
-
kube_quantity_2
kube_quantity is a library adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
matchertools
Implements the Gale-Shapley algorithm and exposes it as an API
-
is-even-or-odd
Returns true if the given number is even or odd
-
kindness
Methods for returning random elements from an iterator
-
suitesparse_camd_sys
Raw bindings to SuiteSparse's CAMD algorithm
-
sharded-counter
A fast and concurrent counter
-
fmul-to-int
Float multiplication to integer part
-
kodama
Agglomerative hierarchical clustering
-
resiter-dpc-tmp
Helper crate for handling iterators over result [dpc's temporary release]
-
automaters
Implémentation d'automate en Rust. (FSM, NFA, DFA, NDFAE)
-
satlog
A logger for SAT-like solvers
-
streaming-stats
Experimental crate for computing basic statistics on streams
-
topset
Top N selector
-
interp1d
lightweight interpolation library written in Rust
-
dedup_iter
Deduplicating iterator adapters
-
noice
Fork of noise-rs, a procedural noise generation library
-
ensf594-project-mmap
Final project for the ENSF 594 course of the University of Calgary, summer 2022
-
svg-diff
Find the diff between 2 SVGs in the form of a list of operations to get transform from one SVG to the other
-
nlsn-delaunay
Delaunay Triangulation and Refinement implementation through Bowyer Watson incremental insertion, conflict maps and ghost vertices
-
img_hash_median
that provides perceptual hashing and difference calculation for images. Includes median PHash
-
n18tile
Defines 18xx tile elements and track networks
-
learn-rust-with-bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
multi_mut
Methods on HashMap and BTreeMap for safely getting multiple mutable references to the contained values
-
microspectrogram
no_std
library for computing spectrograms -
pi_hash
Provide unified hasher, HashMap and HashSet, The hash algorithm used can be determined by compiling conditions
-
opensimplex_noise_rs
OpenSimplex noise algorithm implementation in Rust
-
is_i32
A blazingly fast algorithm to compute whether or not a value is an i32
-
gosh-fire
FIRE algorithm for geometry optimization
-
canonical-form
Reduce graphs and other combinatorial structures modulo isomorphism
-
timely_sort
Sorting infrastructure for timely dataflow
-
dda-voxelize
3D mesh voxelization with the DDA algorithm
-
genetic-rs-common
Commonly-used parts of genetic-rs
-
dft
The package provides an algorithm to compute the discrete Fourier transform
-
fuss
Small, lightweight simplex noise generator for Rust
-
co_sort
Sort arrays given a permutation
-
balloon
Hash
-
yabe
Integer bitcasts through the use of Mul and autoref specialization
-
clipper2c-sys
Exposing unsafe FFI for Clipper2 library for Rust
-
rustlearn
A machine learning package for Rust
-
intersect2d
Line segment intersection detection
-
rxqlite-tests-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
bloom_filter_simple
generic bloom filter implementation
-
dirty-fsm
A quick and dirty state machine library
-
neutils
Utitlity functions
-
stable_matching
Gale-Shapley stable matching algorithm
-
lapjv
Linear Assignmment Problem solve using Jonker-Volgenant algorithm
-
optimization
Collection of optimization algorithms
-
optimus
ID hashing and Obfuscation using Knuth's Algorithm
-
enum-lexer
A proc_macro lexer generator. using
enum
-like syntax. -
simple_permutator
create permutations of a list of values. Eg Permutator::new(&[1,2,3]) creates an iterator that yields [1,2,3], [2,1,3], [2,3,1], [1,3,2], [3,1,2], [3,2,1]
-
algorithm_playground
Algorithms Playground: To learn and understand the working of different algorithms in Computer Science
-
indented-blocks
parser for indented blocks
-
npc-engine-utils
module of the NPC engine, providing re-usable support code
-
custom-rust-stemmers
Experimental fork of: A rust implementation of some popular snowball stemming algorithms
-
geomorph
conversion between different coordinate systems
-
uncertain
Fast and correct computations with uncertain values
-
isnt-even-nor-odd
Returns true if the given number isn't even or odd
-
hnsw_rs_thousand_birds
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin - Modified by the Thousand Birds Inc team to support building for windows
-
sorting
The world's best, finest and inefficient sorting algorithms
-
rost
sorting
-
plumtree
algorithm
-
norms
A collection of distance metrics on strings
-
enso-generics
supporting generic programming
-
bpci
Binomial proportion confidence intervals
-
gurobi
An unofficial Rust API for Gurobi optimizer
-
detect-lang
Language detection given paths and extensions
-
abv
AV and BV convert functions for Bilibili videos
-
non-dominated-sort
Fast Non-Dominated Sort Algorithm
-
octarine
Color manipulation library
-
fuzzy_dbscan
FuzzyDBSCAN algorithm
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
sdcons
geo-replicated distributed consensus algorithm: SDPaxos
-
power-consistent-hash
Power consistent hash - constant expected time constant memory consistent hash
-
watchmaker_vm
virtual machine for use with genetic algorithms
-
fenris-optimize
Optimization functionality used by fenris
-
easings-rs
easings crate without any bells and whistles
-
multivariate-optimization
Evolutionary optimization of multivariate functions
-
wildescape
string matching with questionmark, star wildcard operator and an escaped character
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
fluent_state_machine
A domain-specific language (DSL) for creating state machines in Rust
-
rdx
A collection of traits and algorithms to ease using radix sorts
-
simple_optimization
Simpler optimizers for simple optimization
-
fixit
Converts infix (human-readable) expression tokens into postfix (Reverse Polish Notation) order
-
labirust
Naive rust crate for implementing and testing maze solving Algorithms
-
bvrs
A lightweight rust library for BitVector Rank&Select operations, coupled with a generic Sparse Array implementation
-
grid_shapes
A general purpose 2d grid shape library
-
weighted-rs-1
A libray for weighted balancing algorithm
-
env-convert
Conversion of environment variables with default values
-
bigs
A bipartite graph sampler
-
poseidon-permutation
An instantiation of the Poseidon permutation for decaf377
-
keyde
Fast, Dependency-free Spacial Queries
-
tw-id-num
Check or generate Taiwan ID numbers
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
srand
Random number generators and other randomness functionality with simple apis to use
-
markov_rope
used to generate random chain of words based on an example text
-
neato
package of useful tools
-
or-iterator
Rust iterator which takes two iterators and returns non-empty one
-
sortby
adds convenient sort functions for Iterators
-
double_sort
fast and simple sorting algorithm which groups numbers into pairs and orders them onwards as nodes
-
valistr
Creating immutable string wrapper types with values validated with regexes
-
rng-cli
A random data generator CLI tool. Prints an infinite stream of data generated from a selected PRNG algorithm to stdout. Basically a CLI frontend for the
rand
crate. -
fxtypemap
A fast type map based on internal hasher used in Firefox and Rustc
-
brzozowski-regex
Brzozowski regular expressions
-
easey
Easing functions for interpolation between 0.0 and 1.0
-
finite-state-automaton
A minimal DFSA implementation based on Jurafsky & Martin (2009)
-
algs
Solutions for various algorithms, made as generic as possible
-
ga-scheduler
A Genetic Algorithm optimizer designed for scheduling and similar tasks
-
parallel-factorial
fast, parallel factorial calculator
-
refset
A non-owning HashSet
-
lolraft
A Multi-Raft implementation in Rust language
-
libpermute
A
no_std
compatible library that provides a function to permute the items of a slice -
linreg
Calculates linear regresssions of two-dimensional data. Does not use stdlib, only depends on numeric traits.
-
branchy
tools for generating strings and sequences using context-free grammars
-
raftmodel
A logic model for the raft consensus algorithm
-
rdftk_memgraph
Graph traits from rdftk_core::graph for simple in-memory usage
-
near_enough
finding the difference between two values, and for getting the closest match from a set
-
bresenham
A fast, iterator-based integer-only implementation of Bresenham's line algorithm
-
loop
The package allows for processing iterators in parallel
-
prototty_event_routine
Pseudo-synchronous composable event-based state machines for prototty apps
-
octree
algorithm for nearest neighbor search in 3D space
-
weighted_levenshtein
Generic implementation of Levenshtein distance allowing arbitrary weighting of operations
-
cpp_map
C++ std::map emulator
-
reservoir-sampling
Implementations of a variety of algorithms for reservoir sampling in Rust
-
signal_processing
A signal processing library
-
divider
low level 2D path linearize and trapezoidator.fork from makepad
-
iterwindows
An iterator adapter to iterate over all contiguous windows of length N
-
RustQuant_math
quantitative finance
-
closest-sum-pair
Finds a pair in a list that has the closest sum to a given number
-
graphbench
A sparse graph analysis library
-
sparse_linear_assignment
Solvers for sparse linear assignment problem based on the auction algorithm
-
fenv-bind
a safe wrapper around fenv.h
-
gsl_rust
A safe GSL wrapper
-
geo-buffer
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton
-
tilecover
Generate the minimum number of tiles to cover a geometry
-
vertical-multiplication
Vertical multiplication step by step
-
rust-fuzzy-search
Fuzzy Search with trigrams implemented in Rust
-
tri_poly_moment
Calculate moments of random variables. The distributions of the random variables are normal, uniform, and exponential.
-
c2-sys
c2.h library
-
randomizer
A random string/byte generator
-
scialg
A collection of scientific algorithms
-
n18io
Manages the (de)serialisation of 18xx tiles and maps
-
pingora-ketama
Rust port of the nginx consistent hash function
-
lazy_futuristic
Initialize variables lazily, futuristically
-
froggy-rand
Random number generation without state for games
-
cbsrs
A Circular Binary Segmentation algorithm
-
moving-least-squares
Image deformation using moving least squares
-
aikit
Set of algorithms and utilities for common AI and ML problems
-
mesh-rand
methods of generating random points on the surface of 3d models
-
clock-zones
handling clock zones
-
ceetle
A Computional Tree Logic (CTL) Verifier
-
block-pseudorand
Generator of random Vec<T>'s for types that can be transmuted from arbitrary bytes
-
four-bar-ui
Four🍀bar GUI is a simulator, a synthesizing tool for four-bar linkages
-
core_collections
copy of libstd::collections with all the parts that don't work in core removed. Most importantly, it provides HashMap and HashSet. This crate is (mostly) automatically generated from the rust git source…
-
debris
the data structure
-
allowance
Rust Datatype to representate the deviation of measures
-
tempconvert
package to convert temperature into different units, and their types
-
extfsm
Extended Finite State Machine with internal event queue and entry/exit transitions
-
bentobox
A fast, allocation-free Monte Carlo model of a top-N podium finish in racing events
-
fsm-rust-jb
FSM (with effects, like Mealy machine) implementation in Rust
-
disco-quick
processing the Discogs XML data dumps
-
mumps-src
Build Mumps as a crate
-
writebuf-core
A writable buffer that implements fmt::Write or ufmt::uWrite
-
pure_decimal
A decimal type with no NaN and Infinity
-
is-even
Returns true if the given number is odd
-
biodiff-wfa2-sys
Rust bindings for the WFA2 library
-
river-ring-buffer
ring buffer implementation
-
path-finding
variety of path finding and graph operations. Work in progress.
-
esri_ascii_grid
reading ESRI Ascii Grid .asc files
-
rustsat-kissat
Interface to the SAT solver kissat for the RustSAT library
-
heapify
Convenience functions to turn slices into max-heaps
-
uncertainty
allow the creation and arithmetic operations on numbers with uncertain values
-
star_rng
opinionated PRNG for easier fuzz testing
-
hdiff
Paul Heckel diff algorithm
-
meanshift-rs
Rust version of the MeanShift clustering algorithm that does not need a predefined number of clusters
-
statig
Hierarchical state machines for designing event-driven systems
-
jps
Jump Point Search Implementation for Path Finding
-
mephisto-raft
language implementation of Raft algorithm
-
tique
drive a tantivy search index
-
afarray
Convenience methods for working with ArrayFire arrays in Rust
-
spaced-repetition-rs
A spaced repetition algorithm based on anki and supermemo
-
knaptime
Solve the knapsack problem and its variants
-
rs-category
Categorical traits
-
numeric
N-dimensional matrix class for Rust
-
fastnoise-lite
FastNoise Lite is an extremely portable open source noise generation library with a large selection of noise algorithms
-
mapwords
HashMap based keyword extraction
-
varint-compression
variable length integer compression
-
evolutionary
A fully extensible Rust framework for using paralyzed genetic algorithms to solve problems
-
grapher
Simulate and visualize a force directed graph
-
dynstore
A container for arbitrary castable objects
-
vconvert
vulnus to soundspace converter (or vice versa)
-
rrt
Path finding using dual-RRT connect
-
floatconv
Floating point conversion functions
-
algos
A collection of algorithms in Rust
-
pagefind_stem
Snowball stemming algorithms repackaged for Rust, with languages behind feature flags
-
geo-visibility
Compute visibility polygon
-
num-to-words
Number to words converter
-
block-array-cow
In memory array de-duplication, useful for efficient storing of a history of data versions
-
ringhash
Consistent hashing implementation
-
cellular_maps
generate 2D procedural bitmaps using the cellular automata technique
-
number_easing
number easing functions
-
moon_stats
A set of statistical functions
-
a-star_traitbased
Implemetaion of A* useful for stuct, based on train implementation
-
yass-2
string similarity library
-
finny
Finite State Machines with a procedural builder-style API and compile time transition checks
-
isolation_forest
Isolation Forest anomoly detection algorithm
-
dfp-number-sys
Rust bindings for Intel® Decimal Floating-Point Math Library
-
path-finding-lib
variety of path finding and graph operations. Work in progress.
-
czt
The package provides an algorithm to compute the chirp Z-transform
-
gworld
evolve genetic algorithms (beginner friendly to advanced) and reduce boilerplate setup
-
numcmp
Comparison between differently typed numbers
-
rotonda-fsm
BGP/BMP state machines for Rotonda
-
griditer
Contains a couple of iterators for implementing 2D grid based algoritms
-
radixal
Digits iteration for unsigned integer types
-
wordsworth
A collection of natural language analysis functions
-
hora-new
Hora Search Everywhere
-
statest
statistical test
-
radiant-utils
Radiant example code support library
-
shr3
3-shift register random number generator
-
inttable
Specialized HashMap for randomly-distributed u64 keys
-
xoroshiro128
Fast psuedo-random number generators
-
dochy_archiver2
A serializer which compresses integers
-
gevlib
containing distributional quantities (CDF, PDF, Quantile, random generation) of the Extreme Value Distributions
-
rtt
Rapidly-Exploring random trees path planning algorithm
-
suffix
arrays
-
deepmesa-encoding
A collection of data structures and algorithms designed for performance
-
libtqsm
Sentence segmenter that supports ~300 languages
-
domtree
dominance relation calculation
-
geometrize-sys
geometrize bindings
-
packed-vec
Sorted, deduped, compressed vector of integers
-
graph_csr
that provides utility functions for manipulating graphs in a CSR format, used as the baseline for constructing powerful graph algorithms
-
icp_2d
A 2D Iterative Closest Point implementation in Rust
-
knn
compute KNN
-
bloock-merge
merge for our Sparse Merkle Tree
-
ed2k
hash function
-
pcg-mwc
A fast non-cryptographic psudo random number generator
-
varisat-checker
Proof checker for proofs generate by the Varisat SAT solver
-
minisat
interface. Solves a boolean satisfiability problem given in conjunctive normal form.
-
data-buffer
low-level data buffer type useful for IO and in homogeneous collections
-
m4ri-sys
Bindings to m4ri
-
squirrel3-rs
reliable random number generator
-
lev_distance
A copy of Levenshtein distance implementation from Rust Compiler
-
radix-ecmascript
Convert floating-point types to string representation as defined in ECMAScript Language Specification Section 9.8.1
-
rscompress-coding
data coding supporting rscompress
-
inexor-rgf-plugin-random
Inexor - Reactive Graph Flow - Plugin - Random
-
xxhash-c-sys
Bindings to xxhash
-
porco
Composable probability distributions
-
moving-least-squares-image
Image deformation using moving least squares
-
topcodes
A scanner for detecting TopCodes in an image buffer
-
seximal
(base6) equivalent of Rust's type system
-
but-what-about
A permutation & combination calculation crate for rust
-
hirschberg
Generic implementation of Hirschberg's algorithm in Rust
-
astro-notation
transcoding between Astro Notation Format and Native Rust data types
-
csparse21
Sparse Matrix Solver
-
lazy_transducer
Lazy, parallel, indexable, generic data iterators
-
str_sim
Calculate the similarity between strings
-
randperm-crt
Small library for generating random permutations
-
probabilities
Compact library for sampling and calculations related to various statistical distributions
-
binary_set
Binary set file
-
cadical-sys
Unsafe system-level automatically generated bindings to the CaDiCaL SAT solver using bindgen
-
gossip
A generic gossip library that uses gossip-based peer sampling
-
kmers-rs
k-mer manipulation
-
fast-float
Fast floating-point number parser
-
generic-str
Annoyed that Rust has two string types? Well it doesn't any more
-
bogo-plus-plus
Blazingly fast 🚀 AI 🤖 Powered Sorting algorithm
-
index_key
lexicographic sort order encoding
-
rustgraphblas
Wrapper for GraphBLAS.h exposing SparseMatrix and SparseVector
-
minterpolate
Data set interpolation for mint primitives and raw arrays
-
generic-matrix
Manipulations and data types that represent 2d matrix
-
cursor
A more free Rust-Iterator
-
gaps
Functionality for working with gaps/holes in ordered sequences of values
-
math_lib_test
test Library for rust
-
sprs_suitesparse_ldl
sprs bindings to the suitesparse ldl solver
-
macro_machine
State machine generator using macros
-
delsum-lib
most functionality for the delsum crate
-
gcm-lcm
Greatest convex minorant, least concave majorant
-
lax
LAPACK wrapper without ndarray
-
lcs-diff
Compute differences between two slices using LCS algorithm
-
simple_graph_algorithms
goal of making running graph algorithms as easy as possible
-
rodar
a command line tool that brings together all the functions Roy would use for analysis and decision-making
-
rand_krull
Krull64/65 random number generators
-
quickfib
A no_std compatible Fibonacci calculation algorithm implemented in Rust
-
ffuzzy
generate / parse / compare ssdeep Context Triggered Piecewise Hashes (CTPH)
-
benford
test the Benford-ness of a given set of numbers
-
suitesparse_ldl_sys
Raw bindings to SuiteSparse's LDL algorithm
-
funny_crystal_hasher
Reimplementation of the funny_hash algorithm
-
state_machine
state machine
-
byte_arithmetic
arithmetic on byte-like objects
-
f8
It's a float! It's a unorm! It's only one byte!
-
itemops
some operations on items of slices
-
drain_at_sorted_unchecked
Terribly unsafe but highly efficient function that allows removing items from a vector with few moves
-
index-sort
Sort containers by index using user-specified swap and compare functions
-
permutation-rs
Do calculations with groups
-
uno
Encode floats in the range [0.0, 1.0] as unsigned integers!
-
slur
A fast, iterative, correct approach to Stackblur, resulting in a very smooth and high-quality output, with no edge bleeding
-
boostvoronoi_core
Boost voronoi private workspace (this workspace will be re-integrated in the main crate in next release)
-
yavomrs
Variation of Myers for generic containers
-
streemap
Set of tree map algorithms (binary, squarified, ...)
-
affine_transforms
(Pre Release Package) Does linear transformations in R3
-
cogset
Generic implementations of clustering algorithms. Includes k-means, DBSCAN and OPTICS.
-
geometric_algebra
Generate(d) custom libraries for geometric algebras
-
packr2
a few packing algorithms for your needs
-
darwin-rs
Evolutionary algorithms library written in Rust
-
lcpc-test-fields
fields for testing polycommits
-
watchmaker
A genetic algorithm implementation in Rust
-
sayegh_bit_parser
that parses odd/even bits in serial mode in byte buffers and parses them out after grouping them in byte buffer group. Also, there are file reading and writing functions using the
Vec::<u32>
type in this library. -
ackr
Storm acking algorithm in Rust
-
float_math
Does math on floating point values
-
strseq
A string sequence library for Rust
-
iffi
Make assertions about values used over FFI
-
k_nearest
K-nearest neighbors search for points with maximal search radius
-
more-iter
More iterator utilities
-
kurobako_problems
A collection of black-box optimization problems
-
solve-leetcode
Solutions to leetcode in rust
-
mersenne-twister-m
mersenne twister pseudorandom number generator
-
drunken-diver
Implements an algorithm inspired by the Drunken Bishop algorithm
-
distance
A collection of approximate string matching algorithms
-
func-iter
Functional programming utitilies for iterators and collections
-
closest
nearest neighbor implementation
-
algorithms-edu
Algorithms for pedagogical demonstration
-
zkp-mmap-vec
Replacement for
Vec
that uses file-backed storage -
lufact
Sparse LU factorization with partial pivoting
-
peekable-buffer
Buffer with a cursor
-
binary-helper
binary conversion crate
-
bsutils
Binary search utilities with efficiency
-
checked_int_cast
Conversions between primitive integers with overflow and underflow checking
-
hotsax
based discord discovery algorithms
-
wy
wyhash algorithms
-
toolbox-rs
A toolbox of basic data structures and algorithms
-
fibonacii-heap
Priority queue implemeted using a Fibonacii Heap
-
turk
A generic minimax algorithm that may be used as an AI player for 2-player games
-
highs-sys
Rust binding for the HiGHS linear programming solver. See http://highs.dev.
-
round_mult
A tiny library to round a number up or down to a multiplier
-
vrp-solver
An extension which provides custom metaheuristic for solving VRP
-
easings
Robert Penner's easing functions
-
yada_mod
Yada is a yet another double-array trie library aiming for fast search and compact data representation. This fork added a tokenization function
-
polysplit
Algorithm that allows to split polylines into segments by the defined list of points not necessary belonging to the polyline
-
lgeo
2D Geometry library, focusing on collision computation
-
crc32-bzip2-fast
SIMD-powered implementation of CRC-32/BZIP2 (B-CRC-32 CRC-32/AAL5 CRC-32/DECT-B)
-
revonet
real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also known as neuroevolution.
-
shash
An arbitrary-length-input hash function for competitive programming and experimental purposes
-
pareto_front
Builds a Pareto front incrementaly
-
rendezvous_hash
Rendezvous hashing algorithm
-
boomphf-patched
Scalable and Efficient Minimal Perfect Hash Functions (version modified by Piotr Beling)
-
dynforest
dynamic forest management
-
read-byte-slice
An iterator over chunks of bytes as slices from an underlying reader
-
yn
Natural language processing library for yes or no values
-
fpopt
a wrapper around manipulating floating point flags
-
map-gen-2d
2D map generation algorithms implementaion
-
pushgen
Push-style design pattern for processing of ranges and data-streams
-
gacha-traits
traits for making gacha emulators
-
small_str
A String-like but using SmallVec internally
-
dnorm
Sampling exactly from the normal distribution
-
static_str_ops
A package allows using static strings with non-trivial operations, e.g.,
concat!
,format!
,call_once
, and more -
exxact
drop-in float replacement for exact arithmetic
-
tiny_tco
A tiny dirt simple no_std tail call optimization library
-
rand_isaac
ISAAC random number generator
-
clp-src
Redistribution of Coin-OR Clp as a crate
-
simple-rnd
Tiny random number generation library
-
algorithm_rust
some common rust_algorithms, Everyone can participate, and the project will continue to be updated, all the algorithms comes from <Introduction to Algorithms III>
-
sorting_explorer
An exploration of various sorting algorithms
-
libreda-interp
Interpolation of one and two dimensional arrays
-
rollsum
Rolling checksum implementation
-
oblivious_state_machine
defines an abstraction level to conveniently describe state machines
-
quotient-filter
A quotient filter implementation
-
pi_guid64
An GUID Generator
-
jandom
Port of java.util.Random
-
fibonacci-like
A small crate to help you interact with second order sequences, such as the Fibonacci sequence, with no_std support
-
candle-gemm-f32
Playground for matrix multiplication algorithms
-
equation_generator
Generate random equations ! WIP
-
reverse-lines
Rust Iterator for reading files line by line with a buffer in reverse
-
shufflr
Shuffle a lists using Fisher-Yates algorithm
-
kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
best-path
Shortest/longest path algorithms, where edge weight accumulation via either a sum or a product
-
iterchunks
An iterator adapter to adapter that yields N elements of the iterator at a time
-
spelling
A spellchecker using the Levenshtein distance as the heuristic for distance
-
broccoli-rayon
broadphase collision detection algorithms
-
rng_buffer
Wrappers around RNGs to buffer their output and save system calls
-
lesspass
An efficient implementation of the LessPass password generator
-
downsample
keep downsampled history of data over long period of time
-
rummikub_solver
Solves a board of Rummikub game by attempting to fit every piece given into a valid game set
-
n18catalogue
Defines common 18xx tiles
-
minutae
Cellular Automata-esque simulation engine involving a 2D universe populated by cells and entities
-
randge
Generate unique random numbers
-
bft-core
An efficient and stable Rust library of BFT core for distributed system
-
compute-float
Computes floating point numbers using Eisel-Lemire algolithm
-
alg_ds
Algorithms & data structures
-
isogeometric_analysis
Create implementing algorithms related to Isogeometric Analysis. Bezier, B-spline, NURBS, numerical integration and isogeometric approach to PDE approximation.
-
rbtree-defrag-buffer
Red-black tree based defragmentation buffer that maintains inserted and free intervals
-
metromc
Markov chain Monte Carlo sampling using the Independence Metropolis-Hastings algorithm
-
voxel_chunk
A voxel object module which allows you to have private Chunk objects with methods to modify their data
-
xtoken
Iterator based no_std XML Tokenizer using memchr
-
numb_rs
An experimental numeric package
-
genesys-dice-roller
dice rolling library for genesys dice strings
-
async-hsm
The lightweight asynchronous hierarchical state machine (HSM)
-
spatium
Spatium. Calc distance between sequences.
-
rblas
BLAS bindings and wrappers
-
fhex
providing the ToHex trait for converting floating-point numbers to hexadecimal
-
m4ri-rust
M4RI-based boolean linear algebra
-
to_precision
Write out a float rounded to the given position
-
log_buffer
A zero-allocation ring buffer for storing text logs
-
aabel-hashmap-rs
implements extensions for HashMap
-
generalized_suffix_tree
Generalized Suffix Tree using Ukkonen's algorithm in Rust
-
number_traits
number traits
-
web-glitz-buffer-vec
Implements growing WebGlitz memory buffers for slices of data
-
hidden-median
Finds the median of two lists, when merged without breaking sorted state
-
las-kml-to-stl
A short description of my package
-
isl-rs
Rust bindings for Integer Set Library
-
graph_solver
An undirected graph constraint solver for node and edge colors
-
scip-sys
Bindings for the C SCIP solver
-
ndarray-rblas
rblas
bindings forndarray
-
interiors
Primal-Dual Interior Point Method for Nonlinear Programming
-
rure
A C API for Rust's regular expression library
-
rustsat-glucose
Interface to the SAT solver Glucose for the RustSAT library
-
rs_state_machine
A business-oriented state machine library
-
advancedresearch-error_predictive_learning
Black-box learning algorithm using error prediction levels
-
minecraft_end_generation
The minecraft end generation implemented in rust
-
numerilib
Mathematics Library
-
rusty_grammar
A modified CYK algorithm to work for Language
-
count_sort
O(n) sorting library for large datasets with small range of possible values
-
ss-graph-rs
A graph algorithm library written in Rust, primarily featuring a function for finding all paths
-
maze_generator
different maze generation algorithms
-
quickmaths
A collection of algorithims for generic mathematics
-
robust-binary-search
Robust Binary Search provides a binary search implementation which is robust against errors during the search
-
sprs-rand
Random sparse matrix generation
-
integer-hasher
std::hash::Hasher
which does not hash at all -
grid_search_cardinal_common
Reusable components for use implementing uniform-cost cardinal grid-searching algorithms
-
igs
solving impartial games
-
chargrid_event_routine
Pseudo-synchronous composable event-based state machines for chargrid apps
-
rust-numerals
converting
i64
integers into their cardinal string format -
ordered-map
A HashMap, with the capability of accessing the keys and values in order
-
heterogeneous_graphlets
computation of heterogeneous graphlets
-
num_string
perform conversion between string and number
-
perlin2d
Lightning fast 2D Perlin Noise generator
-
bitset-fixed-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
scicrypt-numbertheory
A scicrypt crate implementing number theoretic algorithms such as random (safe) prime generation
-
oxygraph
Algorithms and structures on ecological graphs
-
tdigest-rs
T-Digest algorithm in Rust
-
slice_search
A collection of algorithms for searching within slices
-
hash-match
Optimized pattern matching alternative
-
cut-optimizer-1d
A cut optimizer for cutting linear pieces
-
stringr
random string functions
-
grid_search_cardinal_distance_map
Grid where each cell stores the distance from a set of interesting points to each cell in a uniform-cost cardinal grid
-
itertree
Hobby project to experiment with tree traversal using iterators
-
stalin-binary-search
alike binary search but any checking element which is not target one is eliminated
-
constfft
providing an FFT API for arrays
-
rand-wyrand
The extremely fast WyRand PRNG for the rand ecosystem of crates
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
aid
Rust port of the id generation algorithm use in Misskey
-
tlsh
Rust port of Trend Micro Locality Sensitive Hashing
-
pia
that adds packed integer arrays for mass storage of oddly sized variables
-
f3l_surface
3D Point Cloud Library
-
hnsw
Fast approximate nearest neighbors
-
fastcmp
A fast byte slice comparison library
-
squares-rng
Squares RNG for game development
-
isize-vec
isize sorted vector
-
step-machine
Run your CLI program as state machines with persistence and recovery abilities
-
ordered_vec
A trait that ensures that elements in a vector are pushed in a sorted order (both ascending and descending)
-
snowgen
generating unique, time-based IDs using the Snowflake algorithm
-
tree-layout
Get the arrangement layout of the tree diagram
-
blake3-std
the BLAKE3 hash function implementation with std::simd
-
eziter
Wrapper around Iterator
-
prandom
Some PNRG algorithms implemented in Rust
-
monster
Collection of random utilities
-
picorand
A zero-dependency, no_std-compatible, easily extendable library intended for fast random number generation using the WyRand PRNG with a pico-sized footprint
-
double-buffer
double buffer generic implementation
-
savant_rs
Savant rust optimization library
-
kd-tree-rs
k-d tree
-
flo_sparse_array
Sparse array data type: a fast map between usize values and data
-
closed01
checked floating point operations within the range [0,1]
-
ordered-vector
Keep ordered vector of mutable elements
-
klownie_matrice
My personnel project on matrices
-
rustlex_fsa
manipulating (deterministic) finite automata
-
varisat-internal-proof
Internal proof format for the Varisat SAT solver
-
luhn3
A Luhn validation library
-
hashvec
A HashMap/Vector hybrid: efficient, ordered key-value data storage
-
fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc
-
hexagon-map
Coordinate transformation and pathfinding for hexagonal maps
-
biodiff
Compare binary files using sequence alignment
-
championship
Generate championship fixtures using the round-robin tournament algorithm
-
blu
LU factorization with dynamic Markowitz search and columnwise threshold pivoting
-
eprng
Extremely Pseudo RNG
-
z3-sys
Low-level bindings for the Z3 SMT solver from Microsoft Research
-
robin_merge
merging vectors round-robin style
-
usize_conversions
Conversion traits for conversions between
usize
and fixed sized integers -
quicksort_gen
Generic implementation of quicksort algorithm
-
algen
A parallelized genetic algorithm runner
-
deviz
access to a VS Code extension for displaying structured program output
-
wyhash2
in rust
-
floating-distance
Measure distance between floating-point vectors in Rust
-
iter_vec
vector of iterator but specialized for std::slice::Iter
-
pdqsort
Pattern-defeating quicksort
-
Algod
Many types of rust algorithms and data-structures
-
quickbacktrack
back tracking with customizable search for moves
-
pcg
A port of the PCG random number generation library
-
miraland-nohash-hasher
std::hash::Hasher
which does not hash at all -
librsb-sys
FFI interface for librsb
-
verhoeff
algorithm, for number checksums
-
clipper-sys
Boolean operations on polygons (Clipper wrapper)
-
flo_curves
manipulating Bezier curves
-
frozenset
frozenset(), for Rust
-
geohash-tools
A collection of functions to manipulate GeoHashes
-
do_util
Discrete Optimization utilitary library (data-structures)
-
former_types
A flexible implementation of the Builder pattern supporting nested builders and collection-specific subformers. Its compile-time structures and traits that are not generated but reused.
-
alea
randomness
-
radiate_web
Train Radiate remotely
-
bound-stl
attempts to implement lower_bound and upper_bound in C++ STL
-
small-sorted-map
Heap-stored map based on a sorted list
-
enchainte-merge
merge for our Sparse Merkle Tree
-
etsm
Efficient Tiny State Machine using object callbacks
-
n_best
Convenient collection to gather the N highest elements, and discard the others
-
rbi
A FIFO index queue that can be used for implementing a ring buffer
-
pack
Solver for packing puzzle
-
generic_levenshtein
Generic and fast implementation of the Levenshtein distance
-
random-trait
random trait meant to produce random generic types
-
const-linear
linear algebra library based on const generics
-
xxhash-c
Safe wrapper to xxhash
-
py-fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
automafish
state machine builder for creating deterministic state machines out of nondeterministic state machine definitions
-
winsfs-core
Site frequency spectrum estimation based on window expectation-maximisation algorithm
-
vlfeat-sys
FFI bindings to vlfeat library
-
mesh-sweeper
Mesh sweeping algorithms!
-
wordfeud-solver
evaluate all possible moves given a wordfeud board and rack
-
byte-num
converting numbers to bytes, and bytes to numbers in base 10!
-
biterate
API for Gurobi optimizer
-
iso_iec_7064
Support for check digit operations conforming to ISO/IEC 7064
-
aristeia
An evolutionary computation library
-
osqp-sys
FFI bindings to the OSQP (Operator Splitting Quadratic Program) solver
-
eytzinger-map
array/vec based map using eytzinger search algorithm
-
triangulation
A collection of triangulation algorithms
-
ciclo
Exhaustive cycle enumeration
-
dynamic-weighted-index
Data structure to sample elements with weights that can be efficiently updated
-
piston-history_tree
A persistent history tree for undo/redo
-
msws
Middle Square Weyl Sequence pseudorandom number generator
-
membuf
A safe-ish wrapper for allocating and reallocating heap buffers
-
tousize
A helper trait to convert values into usize
-
ord_by
Conveniently attach a custom compare function to any type
-
const-crc32
A
const fn
implementation of crc32 checksum algorithm -
sfmt
SIMD-oriented Fast Mersenne Twister (SFMT)
-
limited_direction
Find path to any direction and distance but with limited directions
-
xxh3
XXH3 hash function
-
ruststft
computes the short-time fourier transform on streaming data
-
ivy-random
random utility functions to the ivy framework
-
influxdb2-structmap
Procedural macro library for converting between Rust structs and associative containers
-
mycrc
Create your own cyclic redundancy check (CRC)
-
crc8-cdma2000-fast
SIMD-powered implementation of CRC-8/CDMA2000
-
permut_lib
function to generate permutations on a dictionry of a u8 chars set. I used it for generate unic Items into my proc macros.
-
genomic
A small crate for implementing genetical algorithms
-
optimum
Future Framework to solve optimization problems
-
moore-hilbert
A safe Rust binding to Doug Moore's Fast Hilbert Curve Generation, Sorting, and Range Queries
-
lsap
Solving linear sum assignment problem using JV algorithm as in Scipy
-
wfc_voxel
A Wave Function Collapse solver using preliminary voxel files
-
string_calc
Perform calculations based on String to avoid floating point errors
-
order-maintenance
Totally-ordered priorities for the order maintainence problem
-
exotic-iter
My personal collection of special-case iterator methods
-
reachability_solver
A linear reachability solver for directional edges
-
primitive_traits
Traits over primitive types. Particularly stuff not covered by num-*.
-
graph-neighbor-matching
Graph similarity score using neighbor matching
-
spral-sys
Rust FFI bindings for SPRAL
-
mattr
transposing multi-dimensional data
-
buf_redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
assessment
that allows different types of assessments, to convert between them and to perform basic operations
-
masker
Mask patterns in data
-
heapp
Some heap operations on slice
-
osrandom
An interface to the OS' secure random number generator
-
geo-rand
Generate random geometric shapes
-
flo_float_encoder
byte encoder for floating point values
-
funfsm
An FSM library where the states are functions
-
batbox-color
Working with colors
-
rustsat-minisat
Interface to the SAT solver Minisat for the RustSAT library
-
sqnc
Traits and adaptors for sequences
-
string-ring
A circular string buffer with character- and line-level granularity
-
bufferpool
A vector of vectors backed by one contiguous vector - allows mutable borrows of non-overlapping regions
-
ncollide_testbed3d
3D testbed for ncollide
-
epilog
A collection of Prolog-like tools for inference logic
-
total-space
Explore the total space of states of communicating finite state machines
-
permoot
General-purpose no_std permutation library
-
nostbeep
A no_std implementation of a binary heap. Binary Heap is implemented as a max heap.
-
myopic-brain
Search and evaluation for determining best move available in a chess game
-
beehave
defining and evaluating a hierarchical state machine (behaviour tree)
-
ratio-genetic
Ratio's genetic algorithms library
-
regex_macros
statically compiled regular expressions for Rust. Unless you specifically need compile time regular expressions or a matching engine that is guaranteed not to allocate, you should temporarily prefer using…
-
clingo-sys
Raw FFI bindings to the C API of the clingo library
-
copper
A constraint programming solver
-
diamond-square
Generate heightmap using diamond-square algorithm
-
attorand
A small random number generator hacked on top of Rust's standard library
-
radiate-rust
genetic algorithms and artificial evolution
-
autobahn-hash
HighwayHash, a fast and strong SIMD hash function
-
generic-matrix-impl
generic matrices and their associated operations
-
kitty_pool
A safe buffer pool
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
lsh-rs
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
rbf
Super simple const generics based ring buffer implementation for no_std
-
mx3
algorithm providing a bit mixer, pseudo-random number generator, and hash function
-
deterministic-finite-automaton
generic implementation of a deterministic finite automaton
-
mephisto
language implementation of Raft services
-
random_tester
similar to https://www.fourmilab.ch/random/
-
sol_prng
functional pseudo random number generator. No mutability. Relies on shadowing as of now.
-
nohash-hasher
std::hash::Hasher
which does not hash at all -
java-rand
java.util.Random
-
rs-kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
n18map
Manages the state of 18xx maps
-
elara-math
Rust-native tensor and math library
-
generic-state-machine
that allows to create generic or Moore or Mealy state machines that allows the use of custom transition functions
-
quad3
quadtree implementation in Rust
-
generic-octree
generic implementation of a linear Octree
-
pqgrams
package implements a basic version of the PQ-Grams tree-edit-distance approximation algorithm, as generically as possible. It defines traits that you can define for your label-types and tree-types…
-
generations
running generation-based simulations in Rust
-
vqsort-rs
Rust bindings for the Google Highway's vectorized quicksort
-
randlib
Dependency-less random value generator using pointer addresses and time
-
bareiss
Calculates the determinant of an integer square matrix
-
onemax-oxigen
OneMax simple problem resolution using oxigen
-
rusted_pipe
Real time processing library for developing multithreaded ML pipelines, written in Rust
-
smart_buffer
A hybrid stack/heap buffer
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
debug_sat
A debuggable automatic theorem prover for boolean satisfiability problems (SAT)
-
kdvtree
K-dimensional tree space-partitioning data structure
-
graph-tools
Graph tools and algorithms written in Rust
-
genetic_algorithms
solving genetic algorithm problems
-
fastnoise-simd
A safe wrapper around the fastnoise-simd-bindings crate
-
bernoulli
An exact Bernoulli distribution
-
vec_rand
Vec generator to hold random contents
-
bitap-reference
Reference functions for the bitap crate
-
cofe
tiny string similarity crate
-
octopus_query
query engine for arrays of integers (scoring only idf at the moment), supports AND/OR/DisMax/Constant queries
-
byteloaf
heap-allocated byte buffer (a 'loaf') via independently owned, accessed, and moved slices
-
fastfloat
Fast-math wrapper and convenient numeric functions for approximate floating point operations in Rust
-
linbra
Easily do linear algebra in game development, graphics and other sorts of calculations using vectors and matrices
-
generic-floyd-warshall
A generic implementation of the Floyd-Warshall algorithm for array-like types
-
slicetools
Add extra iterators to slices
-
elements-frequency
Finds the frequency of elements in a list
-
strs_tools
Tools to manipulate strings
-
candle-gemm-f64
Playground for matrix multiplication algorithms
-
genetic-algorithm-fn
Using genetic algorithms to maximize functions
-
simple_nn
nueral network library
-
spare_buffer
A wrapper around Vec that provides access to the “spare” capacity of the vector as a mutable slice
-
grid_search_cardinal_best
Search algorithm for finding the shortest path to the best cell in a uniform-cost cardinal grid
-
building_blocks_search
Search algorithms for voxel data
-
alyx
Alyx
-
process_tools
Collection of algorithms and structures to handle processes properly
-
shufflebag
A shuffle bag implementation on rust
-
xfind
Fast forward and backward stream search routines
-
istos
graphs
-
grid-point
A Point represents an [x, y] coordinate on a grid or matrix
-
strider
ringbuffer operations on multiple values at once with an efficient implementation. useful for moving a window with variable step through a possibly infinite stream of values while avoiding unnecessary memory allocations
-
simdutf8
SIMD-accelerated UTF-8 validation
-
sparsemat
sparse matrix library
-
csinsertion_sort
Insertion sort implementation for indexable collections
-
prefix-range
Compute bounds for prefix string queries for BTreeSet/BTreeMap::range
-
pvpgn-hash-rs
Battle.net v1.0 hash algorithm implementations on rust
-
ordslice
Extensions for ordered slices
-
max-subarray-sum
Finds the maximum subarray sum in a list
-
logicng-open-wbo-sys
LogicNG Bindings for OpenWBO
-
md6
hash function for Rust via FFI
-
koek-redact
Allows for redaction of values when outputting them to places where sensitive data is not permitted
-
fasthash
A suite of non-cryptographic hash functions for Rust
-
curveipo
2D curve interpolation
-
sparse_graph
Sparse graph algorithms
-
norm
A collection of distance metrics on strings
-
yet-another-md5
compute md5 hashes from Read objects
-
arion
Solver and Local search operators for vehicle routing problems
-
animgraph
Animation data flow library using hierarchical state machines
-
mop-blocks
Foundation blocks for MOP
-
cutter
usefull functions for parsing text. Used for cutting between strings.
-
schindel
rust min-shingle hashing
-
finite-state-machine
A type and trait based finite state machine macro
-
coloring
Convert values to color simply and securely
-
coinbonmin-sys
The low-level bindings to the COIN-OR Clp library
-
identity-hash
std::hash::Hasher
which does not hash at all -
pushy
A pushable stack-allocated buffer
-
crc32-mpeg2-fast
SIMD-powered implementation of CRC-32/MPEG-2
-
miura
Math library written for learning Rust
-
fux_kdtree
K-dimensional tree implemented in Rust for fast NN querying
-
rolling-dual-crc
Rolling CRC with 32-bit CRC32C and 64-bit CRC64/XZ
-
stackbt_automata_impl
Automata implementations for StackBT
-
rl-bandit
multi-armed bandit implementation
-
diagonal
Extract diagonals from a matrix in various directions
-
candle-gemm-c32
Playground for matrix multiplication algorithms
-
krh_earcut
earcut polygon triangulation algorithm implementation
-
buf-trait
abstract over [u8], str, and friends
-
spatial-neighbors
certain Spatial-Partitioning Algorithms | DataStructures
-
tree-edit-distance
Find the lowest cost sequence of edits between two trees
-
smolmask
A small library for storing small binary masks in just a single integer
-
rent_vec
vector with a unique owner for every item
-
ssri2
Various utilities for handling Subresource Integrity
-
rs_sha512
rs_sha512
is a Rust implementation of the SHA-512 cryptographic hash algorithm, part of the largerrs_shield
project. This package provides SHA-512 hashing functionality in a standalone manner… -
sacabase
Base types and functions for suffix arrays and longest substring search
-
cuckoo
search algorithm
-
waifu
solver
-
varisat-dimacs
DIMCAS CNF parser and writer for the Varisat SAT solver
-
bqrs
apply boolean query to text
-
fxsm
A state machine procedural macro for enums
-
crc-32c
Comput CRC-32C using accelerated SIMD and fusion algorithm
-
mop-structs
Low-level structures for MOP
-
fliphash
A constant-time consistent range-hashing algorithm
-
concorde_rs
binding to Concorde TSP Solver
-
priority_container
Datastructure to find n biggest/smallest items within a large set
-
alcs
All Longest Common Subsequences and String Fuzzy Search
-
nucleic-acid
Implementations of Suffix Array, Burrows-Wheeler Transform and FM-index
-
base62num
A convertor between numbers and strings in Base62
-
gchemol-neighbors
Neighborhood search for chemistry
-
array-matrix
Treats two-dimensional arrays as matrices and introduces matrix operations
-
snappy_framed
Read and Write implementations for streaming, framed Snappy compression format
-
fst-bin
command line tool for using finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible). The command line tool exposes functionality to search FSTs using regular expressions…
-
rsfsm
Rust Finite State Machine Library
-
random-fast-rng
Blazing fast non cryptographic random number generator
-
curuam
lot of useful functions and structs like Ipv4, Ipv6, Mac, random_in_range, memcpy, checksum, EthHeader, IpHeader, and etc
-
letterboxed
A solver for the New York Times Letter Boxed puzzle - https://www.nytimes.com/puzzles/letter-boxed
-
siphash
A fast implementation of the SipHash hashing algorithm with no dependency on libstd
-
kagemeka
Kagemeka's Rust Package
-
lisa
longest increasing subsequence algorithm [ O( nlogn ) ]
-
twentyfour
A solver for the 24 card game
-
smolmap
A hashmap on the stack
-
checksum
Calculates crc32/crc64 file checksums written in Rust
-
search-autocompletion
Search Auto Completion
-
suraft
extended Raft algorithm
-
adler32fast
Fast, SIMD-accelerated Adler-32 checksum computation