-
rand
Random number generators and other randomness functionality
-
itertools
Extra iterator adaptors, iterator methods, free functions, and macros
-
twox-hash
XXHash and XXH3 algorithms
-
phf
Runtime support for perfect hash function data structures
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
fastrand
fast random number generator
-
ahash
A non-cryptographic hash function using AES-NI for high performance
-
crc
support of various standards
-
xxhash-rust
xxhash
-
rustfft
High-performance FFT library written in pure Rust
-
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…
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
ff
building and interfacing with finite fields
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
rstar
An R*-tree spatial index
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
streaming-iterator
Streaming iterators
-
fnv
Fowler–Noll–Vo hash function
-
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.
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
noise
Procedural noise generation library
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
siphasher
SipHash-2-4, SipHash-1-3 and 128-bit variants in pure Rust
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
rand_distr
Sampling from random number distributions
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
pathfinding
flow, and graph algorithms
-
extendr-api
Safe and user friendly bindings to the R programming language
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
ena
Union-find, congruence closure, and other unification code. Based on code from rustc.
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
wildmatch
string matching with single- and multi-character wildcard operator
-
pulp
Safe generic simd
-
nonmax
Numeric types that cannot hold maximum values
-
crunchy
unroller: deterministically unroll constant loops
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
gcd
Calculate the greatest common divisor
-
rs_merkle
The most advanced Merkle Tree library for Rust. Supports creating and verifying proofs, multi-proofs, as well as advanced features, such as tree diffs, transactional changes, and rollbacks
-
topological-sort
Performs topological sorting
-
gix-revwalk
providing utilities for walking the revision graph
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
murmur3
hash
-
aligned-vec
Aligned vector and box containers
-
treediff
Find the difference between arbitrary data structures
-
special
The package provides special functions
-
differential-dataflow
An incremental data-parallel dataflow platform
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
rand_regex
Generates random strings and byte strings matching a regex
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
slice-group-by
Iterators over groups in slices and strs
-
strength_reduce
Faster integer division and modulus operations
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
iter-read
A Read implementation for iterators over u8 and related types
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
phf_codegen
Codegen library for PHF types
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
rphonetic
Rust port of phonetic Apache commons-codec algorithms
-
timely
A low-latency data-parallel dataflow system in Rust
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
gxhash
non-cryptographic algorithm
-
metrohash
high quality, high performance hash algorithm
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
rand_hc
HC128 random number generator
-
blake2_bin
a command line implementation of BLAKE2b/s/bp/sp and all their parameters
-
feanor-math
number theory, providing implementations for arithmetic in various rings and algorithms working on them
-
adler
clean-room implementation of the Adler-32 checksum
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
fastcdc
(content defined chunking) in pure Rust
-
rand_jitter
Random number generator based on timing jitter
-
levenshtein
algorithm
-
skillratings
Calculate a player's skill rating using algorithms like Elo, Glicko, Glicko-2, TrueSkill and many more
-
ostree-ext
Extension APIs for OSTree
-
rand_mt
Reference Mersenne Twister random number generators
-
const-random
compile time random number generation
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
advent-of-code
Solutions to Advent of Code
-
jubjub
elliptic curve group
-
k
kinematics
-
gemm
Playground for matrix multiplication algorithms
-
arroy
Annoy-inspired Approximate Nearest Neighbors in Rust, based on LMDB and optimized for memory usage
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
pubgrub
version solving algorithm
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
genetic_algorithms
solving genetic algorithm problems
-
bm25
BM25 embedder, scorer, and search engine
-
yada
double-array trie library aiming for fast search and compact data representation
-
simplerand
fast random number generator
-
ph
data structures based on perfect hashing
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
geo-clipper
Boolean operations on polygons
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
interp
Matlab's interp1 function
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
partial_sort
provide a Rust version std::partial_sort
-
flo_curves
manipulating Bezier curves
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
fractional_index
fractional indexing
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
forust-ml
A lightweight gradient boosting implementation in Rust
-
GSL
binding for the GSL (the GNU scientific library)
-
mod_interface
Protocol of modularity unifying interface of a module and introducing layers
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
cuvs
RAPIDS vector search library
-
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.
-
integer-sqrt
integer square root algorithm for primitive rust types
-
osqp
(Operator Splitting Quadratic Program) solver
-
grb
API for Gurobi optimizer
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
mergable
user-friendly and efficient CRDTs
-
raft
language implementation of Raft algorithm
-
basic_dsp_vector
Digital signal processing based on real or complex vectors in time or frequency domain
-
tenthash
A high-quality, non-cryptographic, 160-bit hash function
-
daachorse
Double-Array Aho-Corasick
-
deep_causality
Computational causality library. Provides causality graph, collections, context and causal reasoning.
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
cubecl-linalg
CubeCL Linear Algebra Library
-
levenberg-marquardt
algorithm built on top of nalgebra
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
avalog
An experimental implementation of Avatar Logic with a Prolog-like syntax
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
transpose
transposing multi-dimensional data
-
blstrs_plus
High performance implementation of BLS12 381
-
lilt
running interruptable, transition based animations as a function of time
-
dbsp
Continuous streaming analytics engine
-
guacamole
linearly-seekable random number generator
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
naive_opt
The optimized naive string-search algorithm
-
russcip
Rust interface for SCIP
-
quantiles
a collection of approximate quantile algorithms
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
bitm
bit and bitmap (bit vector) manipulation
-
robust
adaptive floating-point predicates for computational geometry
-
twofloat
Double-double arithmetic functionality
-
orx-v
Traits to unify all vectors!
-
knossos
generating and rendering mazes
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
clone_dyn
Derive to clone dyn structures
-
murmurhash32
murmurhash32_2
-
accurate
(more or less) accurate floating point algorithms
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
nlopt
Wrapper for the nlopt library
-
dive-deco
A dive decompression models library (Buehlmann ZH-L 16C)
-
s2-tilejson
Backwards compatible JSON format for describing s2 map tilesets
-
cggmp21
TSS ECDSA implementation based on CGGMP21 paper
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
caches
popular caches (support no_std)
-
graph
high-performant graph algorithms
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
dmp
A high-performance library in that manipulates plain text
-
optirustic
A multi-objective optimisation framework for Rust
-
ipopt
Rust language bindings for the Ipopt non-linear constrained optimization library
-
union-find
Struct and methods for union-find operation
-
genetic_algorithm
A genetic algorithm implementation
-
glissade
that provides various utilities for animations and transitions
-
tailcall
Safe, zero-cost tail recursion
-
linestring
line string toolbox
-
par-iter
Fork of rayon, with chili support
-
cam-geom
Geometric models of cameras for photogrammetry
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
secret-santa-rs
Generator for who buys for who in a secret santa
-
oxyroot
attempt to make library reading and writing of
.root
binary files which are commonly used in particle physics -
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
version-ranges
Performance-optimized type for generic version ranges and operations on them
-
ltpp-output
An atomic output library based on Rust that supports output functionalities through functions, builders, and other methods. It allows customization of text and background colors.
-
supercluster
Geospatial and non-geospatial point clustering
-
bevy_knossos
generating and rendering mazes
-
incremental
computations, based on Jane Street's incremental
-
general-sam
A general suffix automaton implementation in Rust
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
trackball
Virtual Trackball Orbiting via the Exponential Map
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
moc
made to create and manipulate HEALPix Multi-Order Coverages maps (MOCs), see https://ivoa.net/documents/MOC/
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
rollgrid
pseudo-infinite open worlds
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
rs-stats
Statistics library in rust
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
soa-rs
A Vec-like structure-of-arrays container
-
arpfloat
Arbitrary-precision floating point library
-
xgraph
A comprehensive Rust library providing efficient graph algorithms for solving real-world problems in social network analysis, transportation optimization, recommendation systems, and more
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
dypdl-heuristic-search
Heuristic search solvers for Dynamic Programming Description Language (DyPDL)
-
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
-
rucrf
Conditional Random Fields implemented in pure Rust
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
cubecl-reduce
CubeCL Reduce Algorithms
-
metatensor
Self-describing sparse tensor data format for atomistic machine learning and beyond
-
probminhash
Minhash algorithms for weighted Jaccard index
-
toodee
A lightweight 2D wrapper around a Vec
-
alot
A forbid-unsafe, generational slot map with usize-sized IDs
-
conv2
number of conversion traits with more specific semantics than those provided by 'as' or 'From'/'Into'
-
diffusionx
random number/stochastic process simulation with high performance
-
quad-rand
Pseudo random implementation with core atomics
-
simplehash
fast Rust library implementing common non-cryptographic hash functions: FNV, MurmurHash3, CityHash, and Rendezvous hashing
-
mini-mcmc
A compact Rust library for Markov Chain Monte Carlo (MCMC) methods with GPU support
-
feos-campd
Computer-aided molecular and process design using the FeOs framework
-
adler32
Minimal Adler32 implementation for Rust
-
nanoid
A tiny, secure, URL-friendly, unique string ID generator for Rust
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
timsort
modified MergeSort used in Python and Java
-
bit-matrix
bit matrices and vectors
-
atomic-traits
The traits for generic atomic operations
-
scirs2-optimize
Optimization module for SciRS2
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
itermore
🤸♀️ More iterator adaptors
-
radiate
genetic algorithms and artificial evolution
-
chronologic
Time constraint reasoning (scheduling...)
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
random_color
generating random attractive colors
-
graaf
Work with directed graphs
-
ta
Technical analysis library. Implements number of indicators: EMA, SMA, RSI, MACD, Stochastic, etc.
-
oxirush-nas
5G NAS Message encoder/decoder library
-
bridgetree
A space-efficient Merkle tree designed for linear appends with witnessing of marked leaves, checkpointing & state restoration
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
pyinrs
type library that is as easy to use as Python built-in types
-
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
-
xgb
Machine learning using XGBoost
-
error_tools
Basic exceptions handling mechanism
-
ids_service
that allows to generate unique Ids
-
feruca
Unicode Collation Algorithm
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
mhgl
Matts HyperGraph Library (MHGL). A straightforward library for hypergraph datastructures.
-
augurs
A time-series toolkit for forecasting, outlier detection, clustering and more
-
meos
Rust bindings for MEOS C API
-
rhai-sci
Scientific computing in the Rhai scripting language
-
geometry-predicates
port of robust geometric predicates
-
coord2d
rust lib for coordinate in 2d system
-
ddo
generic and efficient framework for MDD-based optimization
-
syntree_layout
visualize trees from the 'syntree' crate
-
color_space
converting between color spaces and comparing colors
-
i_shape
iShape is a compact and efficient library specifically designed for representing 2D data structures using IntPoint
-
annembed
dimension reduction à la Umap
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
cdshealpix
HEALPix tesselation
-
panfix
parsing: linear time parsing of multifix operators
-
wcs
FITS World Coordinate System (WCS)
-
haru_cmaes
CMA-ES optimization algorithm implementation based on Hansen's purecma Python implementation
-
kasuari
layout solver for GUIs, based on the Cassowary algorithm. A fork of the unmaintained cassowary-rs crate with improvments and bug fixes. Kasuari is the indonesian name for the cassowary bird
-
easyfft
providing an easy FFT API for arrays and slices
-
unty
Explicitly types your generics
-
broccoli
broadphase collision detection algorithms
-
here_be_dragons
Map generator for games
-
pyimports
Parse and analyze the imports within a python package
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
algos
A collection of algorithms in Rust
-
xiangting
calculating the deficiency number (a.k.a. xiangting number, 向聴数).
-
smolprng
A Small and Extensible PRNG written in Rust
-
rithm
Arbitrary precision arithmetic
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
zspell
Native Rust library for spellchecking
-
kd-tree
k-dimensional tree
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
od_opencv
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
count-min-sketch
Count-min-sketch implementation
-
shor
Shor's factoring algorithm written in rust
-
cast
Ergonomic, checked cast functions for primitive types
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
xxhrs
Safe XXHash and XXH3 bindings
-
polygons
Fast points-in-polygon test and distances to polygons
-
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.
-
dlx-rs
dancing links in Rust
-
volute
Boolean functions implementation, represented as lookup tables (LUT) or sum-of-products (SOP)
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
stringmetrics
approximate string matching
-
clingo
Rust idiomatic bindings to the clingo library
-
rs-wordle-solver
solving Wordle-style puzzles. It provides multiple guessing algorithms, as well as building blocks for implementing your own Wordle solving algorithms.
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
autour_core
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
layer-proc-gen
easy to use chunk based procedural generation library with top-down planning
-
keyforge95
product key generation / validation for Windows 95 and other Microsoft products
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
edfsm
Event Driven Finite State Machine library
-
pm-remez
Parks-McClellan Remez FIR design algorithm
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
glicko_2
Glicko2 is an iterative algorithm for ranking opponents or teams in 1v1 games
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
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
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
rocm-rs
Rust bindings for AMD ROCm libraries
-
graph-algorithms-rs
A collection of graph algorithms
-
nu_plugin_hashes
A Nushell plugin that adds 61 cryptographic hash functions from Hashes project
-
nabla-ml
A numpy-like library for Rust
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
importunate
Methods for returning random elements from an iterator
-
graphrs
package for the creation, manipulation and analysis of graphs
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
sefar
evolutionary optimization algorithms
-
docker-image
no_std-compatible Docker image reference parser with strict adherence to Docker's naming rules
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
fastatomstruct
A Python package for the analysis of atomic structures and dynamics
-
jismesh
handling and converting JIS X0410 area mesh codes
-
brique-rs
A MLP library made from scratch, using the rust standard lib
-
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'
-
cmsketch
A count min sketch implementation in Rust
-
timberio/file-source
A high-performance observability data pipeline
-
moongraph
Schedules and runs DAGs accessing shared resources. 🌙
-
numext-fixed-uint
Fixed-size uint types
-
t1ha
T1AH (Fast Positive Hash) hash function
-
density-rs
Superfast compression library
-
tolerance
Math representation of the physically needed permissible deviation of measures
-
permutation
Small utility for creating, manipulating, and applying permutations
-
ognlib
Some code that is written to practice Rust
-
dilate
A compact, high performance integer dilation library for Rust
-
liba
An algorithm library based on C/C++
-
opendp
differential privacy algorithms for the statistical analysis of sensitive private data
-
jawe-cuvs-iii
RAPIDS vector search library
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
arbi
Arbitrary Precision Integer
-
sonic-api
API for formally-verifiable distributed contracts
-
jopemachine-raft
language implementation of Raft algorithm
-
hyper_byte
An unsafe, near-zero cost (1-2 instructions) byte transmuter to numeric types with fast byte reader
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
pharmsol
solving analytic and ode-defined pharmacometric models
-
hashinator
identify hashes blazingly fast
-
fugue
A binary analysis framework written in Rust
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
lazyrand
generating random numbers easily
-
geos-sys
GEOS C API bindings
-
collate
Traits and a data structure to support collation and bisection
-
merkle-cbt
generating efficient Merkle tree and combined Merkle proof based on complete binary tree
-
localsearch
Local Search based Metaheuristics
-
noise-functions
A collection of fast and lightweight noise functions
-
stash
An amortized
O(1)
table for cases where you don’t need to choose the keys and want something faster than a HashTable -
probability
The package provides a probability-theory toolbox
-
simdutf
Unicode validation and transcoding at billions of characters per second
-
hronn
An experimental CNC toolpath generator
-
geomorph
conversion between different coordinate systems
-
easer
Tiny library imlementing Robert Penner's easing functions
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
datas
data structures and algorithms and data analisys
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
out
fast min and max functionality for collections
-
iterate-trait
Experiment with methods on IntoIterator
-
algorithmica
Rust Algorithms
-
btree_experiment
implements a BTreeMap similar to std::collections::BTreeMap
-
natord
Natural ordering for Rust
-
cmaes
CMA-ES optimization algorithm
-
blosc
Rust bindings to the C-BLOSC compression library
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
libecvrf
A ECVRF that's friendly with EVM, based on curve secp256k1 and keccak256
-
abd-clam
Clustering, Learning and Approximation with Manifolds
-
turborand
Fast random number generators
-
f3l_segmentation
3D Point Cloud Library
-
b10
Lossless handling of decimal numbers at maximum performance
-
extendhash
Rust Hash Extender
-
markov_namegen
Random text generators based on Markov models
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
zeros
-
treerder
Trie ordering for type implementing Orderable
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
wows_replays
A parser for World of Warships replay files
-
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…
-
oefpil
Optimum Estimate of Function Parameters by Iterated Linearization (OEFPIL): Algorithm for nonlinear function fitting to data with errors in both dependent and independent variables where correlation…
-
cubing
Features from
cubing.js
in Rust -
fixed32-math
Geometric types
-
aad
Automatic adjoint differentiation library
-
cyclic_graph
This package provides a way to use a structure that implements a cyclic directed graph with a single input and single output. It is designed to be used asynchronously
-
fts-solver
A reference solver for flow trading optimization
-
fauxgen
write your own generators in stable rust
-
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…
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
xgadget
Fast, parallel, cross-variant ROP/JOP gadget search for x86/x64 binaries
-
spatial-decomposition
Algorithms to partition 2D spaces
-
convi
Convenient (but safe) conversion (
From
-like) traits -
batsat
Extensible SAT solver in Rust
-
elipdotter
Embeddable full text search engine
-
ellalgo-rs
Ellipsoid Method in Rust
-
stackmap
A fast stack-only hashmap for small high-performance scenarios
-
rand_aes
AES based pseudo-random number generator
-
generic_a_star
A generic implementation of the A* algorithm
-
ulam
calculations
-
kendalls
Kendall's tau rank correlation
-
trie_rcv
Ranked Choice Voting implementation using Tries in Rust
-
compile_time_sort
Sort arrays and slices of primitives in const contexts
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
pasture-algorithms
Point cloud algorithms for pasture
-
bignumbe-rs
Large, medium-precision numbers
-
pingora-limits
rate limiting and event frequency estimation
-
mittagleffler
High performance implementations of the Mittag-Leffler function
-
moku
creating hierarchical state machines
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
newton_rootfinder
Newton based methods for root finding
-
tofas
Translation of fundamental astronomical subroutines
-
pumpkin-solver
The Pumpkin combinatorial optimisation solver library
-
ext-sort
rust external sort algorithm implementation
-
ms_toollib
Algorithms for Minesweeper
-
simple_hll
HyperLogLog implementation in rust
-
ahrs
port of Madgwick's AHRS algorithm
-
signal-transforms
A comprehensive Rust library for discrete and wavelet transforms, including DCT, Dct_2d, DWT2, and more
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
x-diff-rs
compare XML semantically
-
slice-diff-patch
providing utility functions for diff and patch of slices
-
simple-sds-sbwt
A fork of simple-sds used in the sbwt crate
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
line-col
Convert string slice indices into line/column numbers
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
timelag
Creating time-lagged time series data
-
probabilistic_bisector
bisection for one-dimensional functions in the presence of noise
-
jagua-rs
A fast and fearless Collision Detection Engine for 2D irregular Cutting and Packing problems
-
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
seedling
hierarchical seeded pseudo-random number generators
-
smtlib
A high-level API for interacting with SMT solvers
-
kdtree-ray
Fast Kdtree implementation for raytracer
-
monument
A fast and flexible composition generator
-
hamming-bitwise-fast
A fast, zero-dependency implementation of bitwise Hamming Distance using a method amenable to auto-vectorization
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
eta-algorithms
Low overhead data structures focused on performance
-
counting_sort
Counting sort implementation for Iterators
-
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
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
advancedresearch-toy_model_of_physical_seshatic_identity
toy model for physical Seshatic identity that satisfies the holographic principle
-
vec_ssap
Stateless Scale and Perturbation scheme for vector encryption
-
single-svdlib
port of LAS2 from SVDLIBC
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
graphbench
A sparse graph analysis library
-
codeq
Codec trait
-
btypes
Better types (BTypes) for when you dislike normal types, I guess
-
acap
As Close As Possible — nearest neighbor search in Rust
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
qptrie
A QP-Trie implementation for Rust
-
rmqtt-raft
raft framework, for regular people
-
regexsolver
Manipulate regex and automaton as if they were sets
-
adler2
clean-room implementation of the Adler-32 checksum
-
libphext
A rust-native implementation of phext
-
numerical-multiset
An ordered multiset of machine numbers
-
pack_it_up
that implements various bin packing algorithms
-
is_sorted
Iterator sorted?
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
gbwt
Partial reimplementation of the GBWT. Exposure for the GBZ struct.
-
ratio-genetic
Ratio's genetic algorithms library
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
topopt
Topology optimization in pure Rust, based on 99 lines of MATLAB
-
rapid_solve
metaheuristic framework for solving combinatorial optimization problems
-
hax-bounded-integers
Newtypes for working with bounded integers with hax
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
screwsat
condlict driven clause learning sat solver
-
balance_engine
Production planning and optimization engine using linear programming to balance supply with demand while minimizing costs and respecting resource constraints
-
simple_term_rewriter
A basic interface to rewrite concrete tree terms according to a set of rules
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
soundex-rs
that calculates soundex value
-
azalia
🐻❄️🪚 Common utilities and extensions that Noelware uses in all Rust projects
-
polylog
polylogarithms
-
hypertwobits
cardinality estimation algorithm
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
rand_xorshift
Xorshift random number generator
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
hex2d
Helper library for working with 2d hex-grid maps
-
repr
The regular-expression-as-linear-logic interpretation and its implementation
-
djotters
Djot (Markdown) parser that runs at hyper speeds!
-
hamming_rs
Computes Hamming distance and weight -- if available and beneficial, uses a highly optimized avx2 implementation
-
derangements
Generate derangements of an iterable
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
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.
-
dancing-links
Exact cover solver using dancing links technique
-
crc64
checksum implementation
-
drain_filter_polyfill
current nightly implementation of Vec::drain_filter, copypasted out for use on stable
-
random-pick
Pick an element from a slice randomly by given weights
-
mur3
language implementation of MurmurHash3
-
generic_levenshtein
Generic and fast implementation of the Levenshtein distance
-
scirs2-stats
Statistical functions module for SciRS2
-
iter-chunks
Extend Iterator with chunks
-
p3-interpolation
Plonky3 is a toolkit for implementing polynomial IOPs (PIOPs), such as PLONK and STARKs
-
relog
Strong String Normalization
-
vector_quantizer
vector quantization utilities and functions
-
cplex-sys
Low level bindings to the Cplex C-API
-
qopt
optimization library
-
cap-rand
Capability-based random number generators
-
aoc19intcode
A standalone Advent of Code 2019 Intcode VM implementation
-
cplit
Competitive Programming Library in Rust
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
libatk-rs
that implements the Atk devices protocol
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
movavg
Generic Moving Average calculation
-
differential-equations
solving differential equations
-
anchors
async incremental computations
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
barnes_hut
Fast n-body simluation using the Barnes Hut algorithm
-
multistream-batch
Implementations of batching algorithms
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
line-span
Find line ranges and jump between next and previous lines
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
libbruteforce
brute force hashes (e.g. passwords). It includes a set of pre-configured hashing functions, like md5 or sha256. You can also provide your own hashing function. PLEASE DO NOT use this…
-
dfp-number
Decimal floating-point arithmetic for Rust
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
muchin
Support for composing large, interacting, complicated state machines
-
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.
-
glidesort
sorting algorithm
-
dcc-lsystem
Lindenmayer system together with some rendering tools
-
programinduction
program induction and learning representations
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
bpe-tokenizer
A BPE Tokenizer library
-
refs
My vision of reference counting
-
loop
The package allows for processing iterators in parallel
-
libtombala
Mugsoft Tombala Game
-
floating-ui-core
Rust port of Floating UI. Positioning library for floating elements: tooltips, popovers, dropdowns, and more.
-
intel-mkl-sys
Rust binding of unique functions in Intel(R) MKL
-
bulirsch
Bulirsch-Stoer ODE integration algorithm
-
easy_color
A very simple and easy-to-use color conversion tool
-
murmurhash3
MurmurHash3 implementation
-
more-di
support for dependency injection (DI)
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
lds-rs
Low Discrepancy Sequence Generation in Rust
-
re_int_histogram
A histogram with
i64
keys andu32
counts, supporting both sparse and dense uses -
multibuffer
implementing triple buffering and generalized multi-buffering patterns
-
ecgen-rs
Enumerative Combinatoric Generation in Rust
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
sparsetools
2-D sparse matrix package for numeric data
-
frand
Blazingly fast random number generation library
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
krakel
A lean 2d kd-tree ported from OpenCamLib
-
elkai-rs
solving travelling salesman problems (TSP) based on elkai (LKH 3)
-
gemm-f16
Playground for matrix multiplication algorithms
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
libnoise
performant, and customizable procedural noise generation library
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
aoc-toolbox
An helping framework to Advent of Code
-
netgauze-analytics
Analytics infrastructure related library
-
nonbox
NaN boxing without boxing
-
rustiq-core
Quantum circuit synthesis library in rust
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
control_systems_torbox
Control systems toolbox
-
louvre
A Robust Triangulation Algorigthm
-
recursive_matching
Formulating unique assignments recursively
-
noisette
generating 2D noise functions with analytical gradients
-
reductor
Generic abstractions for combining and nesting reduction patterns for iterables
-
palindronum
Number palindromes
-
ran
fast random numbers generation
-
hash_combine
Hash library with simple combine method
-
peepmatic-automata
Finite-state transducer automata
-
lcax_convert
LCAx is an open, machine and human-readable data format for exchanging LCA results
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
parol_runtime
Runtime library for parsers generated by the 'parol' parser generator
-
amd
Approximate Minimum Degree ordering
-
yagi
Batteries-included DSP library
-
dawg
Directed Acyclic Word Graph
-
stack-map
constant-size associative container for building higher-level data structures out of
-
rosu_nps
analyzing note density and distribution in osu! beatmaps
-
cortex-lang
interpreted language for interfacing with Rust code
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
diplomacy
Adjudication library for the board game Diplomacy
-
soukoban
some algorithms and data structures related to Sokoban
-
rxegy
Unofficial Exegy XCAPI in Rust
-
raddy-ad
An automatic differentiation system for geometry and simulation
-
pyin
pYIN pitch detection algorithm written in Rust
-
idgen_rs
A perfect snowflake ID generator
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
ratel_bandit
Muti-armed Bandit Simulator
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
binary-greedy-meshing
A port of https://github.com/cgerikj/binary-greedy-meshing to Rust
-
shiftnanigans
contains different iteration data structures for either iterating or for shifting iteratively forward and backward
-
is_prime
Fast arbitrary length prime number checker using the Miller-Rabin primality test algorithm
-
kollect
Collections made ergonomic for gamedev usecases
-
solaris-rs
predict the position of the Sun
-
elara-math
Rust-native tensor and math library
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
dam_lev
Implements the Damerau–Levenshtein diff algorithm
-
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.
-
randomize
Randomization routines
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
imgdd
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
checksum-tapestry
Collection of checksum algorithms and examples
-
exact-covers
Knuth's algorithm for solving the exact cover problem with colors
-
shm_ring
A single producer, single consumer lockless ring buffer for message passing between shared memory
-
stdng
An enhancement for Rust standard library
-
lerpable
a derive macro for combining ADTs
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
cosmogony
geographical zones with a structured hierarchy
-
tokenizers-enfer
today's most used tokenizers, with a focus on performances and versatility
-
vrp-scientific
An extension logic for solving scientific VRP
-
rust_cascade
bloom filter cascade implementation in Rust
-
vrf
Fast and extensible Verifiable Random Function (VRF) library; currently supporting secp256k1, secp256r1 and sect163k1 curves
-
b2c2-tokenizer
b2c2のBASICコードのトーカナイザー?
-
pi_async_graph
async graph
-
malachite-bigint
A drop-in num-bigint replacement based on malachite
-
subslice
Fast subslice search
-
randm
Small, fast, and efficient random generation crate
-
randperm-crt
Small library for generating random permutations
-
time_priority_order_algoritmh
algorithm create a cronogram of action sorted by time of occurrence time avoiding time colisions
-
paillier-zk
ZK-proofs for Paillier encryption scheme
-
kannolo
designed for easy prototyping of ANN Search algorithms while ensuring high effectiveness and efficiency over both dense and sparse vectors
-
random-string
Allows to generate random strings based on a given charset and length
-
graph-sparsifier
A graph sparsifier based on an approximated PageRank algorithm
-
uniquetol
toolbox for isolating unique values in n-dimensional arrays of imprecise floating-point data within a given tolerance
-
iceyee_random
Random
-
fast-math
Fast, approximate versions of mathematical functions
-
tlsh2
TLSH algorithm
-
mocats
A fast, easy-to-use, generalized Monte Carlo Tree Search library. Works for any game, any number of players, and any tree policy (UCT Policy included as a default).
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing Iterator<Item = char>
-
oxidd-rules-zbdd
Zero-suppressed decision diagrams (ZBDDs) for OxiDD
-
idx_binary
Indexed binary file. It uses mmap , various_data_file and avltiree.
-
multiexp
Multiexponentation algorithms for ff/group
-
hypervector
that implements hyperdimensional vectors and VSAs
-
bye_abow_rs
Visual bag of words for fast image matching without opencv
-
rootfinder
Root-finding methods for both univariate, scalar-valued functions and multivariate, vector-valued functions
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
monarch-butterfly
Proc-Macro unrolled FFTs
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
libpid
that implements a PID controller
-
gyard
A generic shunting yard algorithm implementation
-
nmr-schedule
Algorithms for NMR Non-Uniform Sampling
-
lookup-tables
High performance & compile-time customizable lookup tables
-
fidget_math
glam vector types for tree construction with fidget
-
xyzvec
Statically allocated fixed-size vectors for working in 2 and 3 dimensions
-
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.
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
line-clipping
implementing line clipping algorithms
-
ndarray-layout
definitions and transformations for multi-dimensional array data layouts
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
progress-encode
Progress ENCODE function
-
rusty_oge
Библиотека, решающая задачки из ОГЭ по информатике
-
collide
extensible collision management
-
rsgenetic
providing genetic algorithm execution
-
shakemyleg
state machine definition language and interpreter
-
rusty-termcolor
A light-weight terminal coloring library for Rust
-
sdf_glyph_renderer
Tools for generating SDF font glyphs from bitmap images
-
stack_box
store unsize struct on stack with static check
-
machine-check-exec
formal verification tool machine-check
-
twsearch
Twizzle Search — Twisty puzzle search library
-
light_ranged_integers
Ranged integers for stable Rust compiler, zero-dependencies and no unsafe code
-
domino-lib
Domino library, create sequences and puzzles, solve and validate them in rust
-
rxqlite-tests-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
autodiff
An automatic differentiation library
-
payback
Calculate to resolve debt networks with as few transactions as possible
-
conformal_core
Code shared between wrappers in conformal framework
-
collatz_rust
Code for testing an extention of the Collatz Conjecture
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
poi
A pragmatic point-free theorem prover assistant
-
prefix-sum-vec
Compressed storage for highly repeating elements, with
O(log n)
lookups -
suitesparse_sys
sys crate for suitesparse library
-
gad
Generic automatic differentiation for Rust
-
jawe-cuvs-iv
RAPIDS vector search library
-
pcg_rand
PCG family of random number generators in pure Rust
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
ngt
Rust wrappers for NGT nearest neighbor search
-
portmatching
Fast Graph Matching for Port Graphs
-
rolling-stats
Rolling statistics calculations (min/max/mean/std_dev) over arbitrary floating point numbers based on Welford's Online Algorithm
-
spiral
Iterate over a 2D structure in a spiral pattern
-
strprox
Top-k string autocompletion
-
liblbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
electosim
compute electoral methods (as D'Hondt) and simulate elections
-
search-query-parser
parse complex search query into layered search conditions, so it will be easy to construct Elasticsearch query DSL or something else
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
tools-2048
that provides the core logic of the popular game 2048, along with a basic AI to play the game
-
blake2b-ref
A
no_std
BLAKE2B implementation -
faro_sharding
Non-shuffling sharding algorithm
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
ramp
A high-performance multiple-precision arithmetic library
-
mitex-lexer
Lexer for MiTeX
-
aga8
GERG2008 equations of state
-
simple-easing
Set of simple easing functions
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
exact-clustering
Find optimal clusterings and optimal hierarchical clusterings
-
oxygraph
Algorithms and structures on ecological graphs
-
ccsort
clone of the Unix sort command, with multiple sorting algorithms
-
marrow
Minimalist Arrow interop
-
cgl-src
Redistribution of Coin-OR Cgl as a crate
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
rufl
A powerful util function library for rust
-
ferrite-rs
An ML Library for fast and memorysafe inference
-
mot-rs
Dead simple multi object tracking in Rust
-
geqslib
Equation solving made easy in Rust and beyond!
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
magic_string_search
string search library to rank strings based on their similarity to a query string
-
ring-log
High-performance logger with lock-free ring buffer
-
practical-astronomy-rust
Algorithms from Practical Astronomy, implemented in Rust
-
coalesced_intervals
Data structure for maintaining maximally-coalesced 1D intervals
-
ch_cityhash102
ClickHouse CityHash implementation
-
israeli_queue_etc
various queues
-
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…
-
homo-rs
HOMO argumentator in Rust
-
chibihash
hash function
-
pareen
A small library for parameterized inbetweening
-
graphplan
planning algorithm from Avrim L. Blum and Merrick L. Furst in Rust
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
arbutus
Trees
-
evalexpr-jit
JIT compilation and symbolic differentiation of evalexpr expressions with Cranelift
-
digitize
Traits for accessing digits of primitive integers & floats
-
graphina
A graph data science library for Rust
-
rolling-buffer
circular heap buffer wrapper around the Vec
-
ternlog
Ternary logic operations on integer types
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
opensimplex2
Port of OpenSimplex2
-
linearsort
Sorting in linear time 🤔
-
rcgal
Rust Computational Geometry Algorithms Library
-
greyjack
Rust version of GreyJack Solver for constraint continuous, integer, mixed integer optimization problems
-
gcdx
Calculate the greatest common divisor of multiple values
-
geo-buf
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton. This crate builds upon the (presumably abandoned) geo-buffer crate.
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
rand06-compat
Compatibility wrapper between
rand_core
0.6 and 0.9 -
nested_containment_list
A data structure for efficiently storing and querying nested intervals
-
partition
slices in-place by a predicate
-
cdc-chunkers
A collection of Content Defined Chunking algorithms
-
genrc
refcounted pointer type that allows subobject pointers
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
indexsort
sort crate, porting Golang sort package to Rust
-
weight_matchers
Efficiently find items by matching weight. You can build the lookup structure at compile time.
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
sobol
sequence generator for Rust
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
round_float
Round
f64
andf32
to specified number of decimals -
opis
rational number and matrix arithmetic
-
tokeneer
tokenizer crate
-
bellande_limit
Bellande Adaptive Step Size dynamically adjusts movement increments for optimal robotic path planning and navigation
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
symagen
Synthetic manifold generation
-
dywapitchtrack
by Antoine Schmitt
-
pointy
Minimal 2D geometry library
-
mazer
generating and solving mazes of various maze algorithms and grid types
-
rrt
Path finding using dual-RRT connect
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
ssa-impls
common SSA algorithms
-
dandy
DFAs, NFAs and regular expressions together with a file format
-
gsl_bfgs
BFGS algorithm built on the GNU Scientific Library(GSL)
-
diffs
A number of diff algorithms, also called longest common subsequence
-
stable_matching
Gale-Shapley stable matching algorithm
-
mutstr
A mutable alternative for
&str
-
hardcore_equitizer
calculate the equity of a poker hand against a range of hands
-
decnumber-sys
Low-level bindings for libdecnumber
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
rgeometry
High-Level Computational Geometry
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
astra-num
A wrapper lib around num_bigint, num_integer, and num_traits with extra utilities for handling incredibly large (astronomical) values
-
ultraloglog
algorithm
-
relp-num
Number types for the relp crate
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
easing-function
easing functions for animation tweening
-
human-sort
Human sort (natural sort) implementation
-
rush_core
The rules engine is based on the rete algorithm
-
editdistancek
Fast algorithm for computing edit distance
-
gdsdk
Gdsii file development kit
-
cdchunking
Content-defined chunking
-
apt-edsp
data model of the APT External Dependency Solver Protocol
-
z_osmf
z/OSMF Client
-
based16
BASE-16(HEX) implementation for chads
-
rustplex
A linear programming solver based on the Simplex algorithm for Rust
-
asbytes
Traits for viewing data as byte slices or consuming data into byte vectors. Relies on bytemuck for POD safety.
-
sign-bound
Layout-optimized positive and negative integers
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
soph-hash
Framework for Web Rustceans
-
aoc-rs
🎄 An Advent of Code utility crate for people solving the challenges with Rust
-
stack-cell-ref
Share a reference in thread inner
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
gcr
A fast, simple, and small Generic Cell Rate (GCR) algorithm implementation with zero dependencies
-
sort
sort algorithms
-
boolean_expression
manipulating and evaluating Boolean expressions and BDDs
-
ac-library-rs
port of AtCoder Library (ACL)
-
cvt
Expose the cvt function from Rust libstd
-
median
efficient O(n) median filter
-
qrc
generating and manipulating QR code images in various formats
-
steiner-tree
Fast construction of rectilinear steiner minimal trees (RSMT) in two dimensions
-
dendritic-clustering
Package for algorithms related to clustering
-
hrv-algos
A collection of algorithms for heart rate variability analysis
-
zero-plonk
A pure-Rust implementation of the PLONK ZK-Proof algorithm
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
freelist-rs
Free list for numeric values
-
rapid-qoi
Optimized QOI format encoder and decoder
-
reveler
A cryptographic commitment scheme based on lattice and parallelized matrix-vector multiplication
-
evolution-builder
Builder implementations for evolution
-
excov
A solver for exact cover problems
-
meddl_translate
Translate German to Meddlfrängisch
-
u144
Unsigned Integer 144 bits
-
random-nickname2
用于Rust的随机用户昵称生成器
-
rust-sugiyama
Sugiyama's algorithm to calculate coordinates of a directed graph
-
interpolation_search
Interpolation search - binary search on steroids
-
rs2
Reed-Solomon FEC for CCSDS downlink decoding
-
merged_range2
rangeset that can merge overlapping ranges (fork of merged_range)
-
arbitrary-chunks
An iterator that allows specifying an input array of arbitrary chunk-sizes with which to split a vector or array
-
suggest
A minimal library to provide similar name suggestions like "Did you mean?"
-
blueml
blue markup langauge
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
memmem
Substring searching
-
arithmetify
arithmetic coding
-
algorithmify
Create specifications for algorithms defined using Rust code
-
quadtree-f32
dependency-free ID-based quadtree
-
mattr
transposing multi-dimensional data
-
hyperloglog
in Rust
-
zipf-fixed
A faster zipf distribution that uses more memory
-
cplex-rs
Binding of IBM Cplex library
-
abv
AV and BV convert functions for Bilibili videos
-
weighted-rs
A libray for weighted balancing algorithm
-
branch-and-bound
Branch and Bound / Backtracking algorithms generic template library
-
nscldaq_ringbuffer
Low level NSCLDAQ ring buffer access
-
rand_isaac
ISAAC random number generator
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
anyhash
Traits and utilities for making hashes of any type
-
pqcrypto-std
Standardized quantum-resistant cryptographic primitives
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
axgeom
that provides ability to extract 1d ranges out of 2d objects
-
android-sparse-image
Low-level Android sparse image parsing headers
-
prometrics
Client library for exposing prometheus metrics
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
rsfdisk
Safe Rust wrapper around the
util-linux/libfdisk
C library -
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
gannot
A small library with limited functionality focused on genome annotation
-
bindet
Fast file type detection
-
open-hypergraphs
Data-Parallel Algorithms for Open Hypergraphs
-
ryley
Syntax unifies programmers
-
basic_dsp
Digital signal processing based on real or complex vectors in time or frequency domain
-
bazbandilo
A chaotic communications simulator
-
iterators_extended
Some useful extensions to Rust's iterators
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
geocart
A bridge between geographic and cartesian coordinates
-
voxel-traversal
Traverse through all voxels in a 3d space from a start position to an end position
-
simple-icp
Kiss icp in pure rust
-
phonetics
Phonetic algorithms for encoding and comparing strings
-
rs_algo
Common sorting algorithms and other common computer science algorithms
-
mersenne-twister-m
mersenne twister pseudorandom number generator
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
effective
An effects library, an alternative to keyword generics
-
lazy_mut
Alternative to LazyLock<Mutex<T>>
-
redux-rs
Redux
-
opentalk-types-common-identifiers
Common identifier types for OpenTalk crates
-
multistochgrad
Stochastic Gradient, Multithreaded
-
evo_framework
Evo(lution) framework: A powerful framework designed for ai
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
fixed2float
Fixed point to floating point conversion utility
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
integraal
Integral computation, done in Rust!
-
microns
float to fixed precision conversion
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
small_len
A small library for storing the length in the smallest internal type
-
actionable
An enum-based async framework for building permission-driven APIs
-
angle
wrapper to avoid ambiguous parameters + common operation over angles like wrapping, comparisons, arithmetic operations, trigonometric operations and conversions between rad and deg
-
hyperminhash
Fast, constant-memory cardinality approximation
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
fnv0
FNV0/1/1a 32/64/128-bit hash functions
-
itc
Interval Tree Clocks as described in the itc2008 paper
-
extend-ref
A wrapper struct that implements
Extend
for mutable references -
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
multi-map
Like a std::collection::HashMap, but allows you to use either of two different keys to retrieve items
-
zrand
rand num generator, use xorshift algo
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
rustsat-minisat
Interface to the SAT solver Minisat for the RustSAT library
-
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.
-
more-itertools
python more-itertools
-
osi-src
Redistribution of Coin-OR Osi as a crate
-
kmeans
Small and fast library for k-means clustering calculations
-
datafrost
Data format and acceleration structure management
-
elon_sort
the worst sorting algorithm
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
toffee
Get command to run to run specific test in a file
-
number-encoding
Combinatorial and factorial number systems
-
ordmask
To check if a value is included efficiently
-
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…
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
rugfield
generating Gaussian Random Fields using the circulant embedding method
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
qtruss
finite-element solver for trusses
-
walky
A TSP solver written in Rust
-
metricator
Metrics
-
joto_constants
Constants for interoperation between US Customary and SI units
-
anaso_algorithm
The recommendation algorithm for Ana.so
-
algebraics
algebraic numbers library
-
grb-sys2
Gurobi C API FFI declarations
-
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
-
kindness
Methods for returning random elements from an iterator
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
alloc-align
Allocator wrapper that forces a given alignment (nightly only)
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
blake
hash function for Rust via FFI
-
svdlibrs
port of LAS2 from SVDLIBC
-
bpe
Fast byte-pair encoding implementation
-
convolve2d
Easy and extensible pure rust image convolutions
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
worldgen
Noisemap and world generation library
-
board-game
A board game abstraction and generic utilities around it
-
extend_map
A type to map values passed into an Extend type before extending
-
parail
Easily switch between sequential and parallel
-
fast-bernoulli
Efficient sampling with uniform probability
-
incremental-map
combinators for incremental immutable maps (see crate
incremental
) -
biscuit-converter
A decimal ASCII parser
-
graph_builder
A building block for high-performant graph algorithms
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
krossbar-state-machine
Krossbar state machine
-
raphy
A graph data structure library
-
ring_buffer
RingBuffer is a queue with added random access
-
aob
String searching with wildcards
-
sphere-n-rs
N-Sphere Code Generation in Rust
-
deki
A base for most of my rust projects (tailored to myself)!
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
composite_modulus_proofs
Proofs about several propoerties of a composite modulus - square-free, product of 2 primes, a blum integer
-
cobyla
optimizer for Rust
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
sudoku_lib
Sudoku library
-
compute-it
define a lazy evaluated computation graph
-
sonic-callreq
Structured calls to for SONIC distributed contracts
-
cmaze
Core of tmaze game
-
math-ops
Mathematical and statistical operations on vectors
-
cube-rotations
Models the rotations that can happen on a cube without changing the set of planes to which its faces are parallel
-
type-freak
Collection of typed data structures, trait operators and aliases
-
list-fn
A generic lazy list
-
geometry-rs
geometry utils
-
qframework
A experimental micor framework for clear design, based on queue model
-
phf_mut
Perfectly hashed mutable containers
-
uuid-by-string
Generating uuid-hash from string
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
peek-again
A performant iterator providing double peek functionality
-
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
-
random_number_choose
program to choose a random number
-
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.
-
hash_utils
A collection of hash functions
-
tiny-rng
Tiny RNG, a minimal random number generator
-
sudoku-solver
backtracking algorithm for solving sudoku
-
relp
Rust Exact Linear Programming
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
densevec
Map like collection with usize indices that stores values contiguosly
-
apparat
A lightweight event-driven behavioral state machine
-
aula_27
Aula de Library
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
natord-plus-plus
Natural ordering for Rust
-
ssr-algorithms
spaced repetition algorithms
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
r_unit
A fast and easy-to-use unit testing library
-
easybitflags
making it easy to use bitflags in Rust
-
coord_transforms
performing coordinate transformations
-
geo-offset
Add margin and padding to geometric shapes
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
spenso
A tensor (n-dim array) network, iterating, and contraction (using automatic abstract index matching) library
-
superslice
Extensions for slices
-
narr
Numeric Calc
-
filterable-enum
generating filterable enums (Combining bitflags and discriminated unions)
-
cogitate
Algorithms made in Rust
-
aaru
Actionable Area Routing Utilities for OSM and MVT
-
sort-const
Sort arrays and slices in const contexts
-
cock-lib
Measure the power level of a peen
-
grouper
generating links between items in a list
-
num-decimal
Infinite precision decimals with fair rounding and other gimmicks based on num-rational
-
traversal
Generic and lazy tree traversal algorithms
-
diterator
range-based iteration in Rust
-
galapagos
evolutionary solver
-
doryen-extra
aims to be a loose re-implementation of the utility features from the popular roguelike library named libtcod
-
fftw-sys
unsafe wrapper of FFTW3
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
sep-sys
Low-level bindings to SEP - C library for Source Extraction and Photometry
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
pimc
Scientific computing library for Path Integral Monte Carlo (PIMC) simulations
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
contest-algorithms
Common algorithms and data structures for programming contests
-
isodd
A blazingly fast Light Weight rust library for determining if numbers are odd
-
reinforcex
Deep Reinforcement Learning Framework
-
discrete
Combinatorial phantom types for discrete mathematics
-
slidy
working with sliding puzzles
-
umt_rust
UMT is a collection of useful functions that I personally created
-
eudex
A blazingly fast phonetic reduction/hashing algorithm
-
iter-progress
Calculate progress of your iterators
-
crater
Very generic containers including KD trees, fibonacci heaps, minmax heaps,
-
manifold3d
Bindings for Manifold - a Geometry library for topological robustness
-
oxidd-reorder
Reordering algorithms for OxiDD
-
zzz_lib
a test crates
-
shakejo
Noise_IK_25519_ChaChaPoly_BLAKE2s
-
nmm_lib
nine mens morris
-
quasirandom
number generation
-
ascon-prng
Ascon-PRF is lightweight PRF. This implementation also offers an RNG based on this construction
-
hora
Hora Search Everywhere
-
ndarray-polyfit
Polynomial fitting based on ndarray
-
dusk-hades
Hades252 permutation algorithm over the Bls12-381 Scalar field
-
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.
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
rhash
custom hashing library
-
phi-accrual-failure-detector
Phi Accrual Failure Detector
-
unkocrypto_rs
unkocrypto (rust)
-
hexagex
Match binary data with hexadecimal regexes
-
doers
generating Design Of Experiments (DOE)
-
argmm
Argmin and argmax with SIMD support for u8, u16, i16, i32 and f32
-
prepeek
Peekable iterators without mutation
-
golomb-coded-set
BIP158 Golomb-Coded Set data structure
-
crfsuite
Safe wrapper of crfsuite
-
crc32-bzip2-fast
SIMD-powered implementation of CRC-32/BZIP2 (B-CRC-32 CRC-32/AAL5 CRC-32/DECT-B)
-
lazysort
Lazy sorting for iterators
-
ya-rand
fast random number generation
-
norms
A collection of distance metrics on strings
-
tree_traversal
Find best leaf node in a tree
-
ecoord
transforming between 3D coordinate frames
-
sa-is
algorithm for suffix array construction
-
accumulator-plus
Accumulator based on Biguint
-
pint-solve
Pint solver
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
winsfs-core
Site frequency spectrum estimation based on window expectation-maximisation algorithm
-
randomgen
generating random data such as names, emails, phone numbers, and dates
-
simplers_optimization
Simple(x) black-box optimization algorithm
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
augurs-clustering
Time series clustering
-
thinkrust_algorithms
Basic Algorithms: Binary Search and Find Max from an array
-
quickselect
基于rust的选择算法
-
depict
Picture systems, tell stories
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
reltester
Automatically verify the correctness of [Partial]Eq/Ord implementations
-
product-os-tower
Product OS : Tower is a derivative of the tower crate restructured for both std and no_std environments
-
osqp-sys
FFI bindings to the OSQP (Operator Splitting Quadratic Program) solver
-
pikkr
JSON Parser which picks up values directly without performing tokenization in Rust
-
qdft
Constant-Q Sliding DFT
-
puan-rust
Puan package contain tools for defining logic relationships among linear inequalities and reduction algorithms
-
rat-trig-rs
Rational Trigometry in Rust
-
censor
text profanity filter
-
metaheurustics-rs
A comprehensive collection of metaheuristic optimization algorithms implemented in Rust
-
range_rover
Function to pack integers into ranges
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
agnostic-levenshtein
Levenshtein distance for ASCII or Unicode strings
-
sort-it
various sorting algorithms
-
jellyfish
Approximate and phonetic matching of strings
-
b2c2-stat
デバッグ用にところどころで使ってるぽい
-
ilattice
2 and 3-dimensional integer lattice math
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
uuidv7
UUIDv7 implementation
-
lc3b-assembler
LC-3B assembler
-
chrono-probe
Compare and measure the time complexity of algorithms
-
reversi_client_rust
A client for the Reversi game server used in BYU CS 470
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
sundials
Suite of nonlinear and differential/algebraic equation solvers
-
causal-hub
A hub for Causal Data Science
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
divide_slice
methods to divide a slice into portions of same size
-
ryu-ecmascript
Fast floating point to string conversion, suitable for ECMAScript NumberToString
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
radix
Convert any {u8, u16, u32, u64, u128, usize} to another radix
-
sparse_matrix
do linear algebra with sparse matrix
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
lol-core
A Raft implementation in Rust language
-
rust_pe_header
基于Rust的PE文件头解析库
-
unionfind
A union find library made for building type inference engines. Can be used as general purpose datastructure.
-
flat_map
A compact map stored as a vector of key, value pairs
-
aaronson-oracle
ngram-based predictor for a binary choice
-
modular-decomposition
computing the modular decomposition of a graph
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
farmhash-sys
Rust FFI bindings for a minimal implementation of Google's FarmHash hashing algorithms
-
minesweeprs
Probabalistic minesweeper solver, based on https://mrgris.com/projects/minesweepr/
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
parser-helper
Helpers for handling buffers of bytes
-
grb-sys
Low level bindings to Gurobi
-
bisection
Python bisect module
-
hadris-common
Common types and functions used by Hadris
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
shortestpath
Shortest Path is an experimental library finding the shortest path from A to B
-
aoc-runner
A runner for the Advent of Code
-
branchy
tools for generating strings and sequences using context-free grammars
-
mem-rearrange
Rearrange memory from one array to another of different storage layouts
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
rustack
A stack implementation in Rust
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
pliocomp
PLIO Compression Library
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
rand-half
Random number generation support for half-precision floating point types
-
bellande_step
running Bellande Step calculations via API or local executable
-
collision-detection
A generic collision detection library based on the
collide
crate -
zsplit
Split text into multiple files by line
-
crdt_tree
Tree Conflict-free Replicated Data Type (CRDT)
-
graph-algorithms
5 graph algorithms - DIJKSTRA'S, BFS, DFS, KOSARAJU'S and BELLMAN FORD ALGORITHM
-
nblast
neurite similarity algorithm
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
riichi-calc
calculate the score of a hand in riichi mahjong
-
zmatrix
matrix calculation lib
-
netoptim-rs
Network Optimization Algorithms in Rust
-
erased-type-arena
A type-erased allocation arena with proper dropping
-
magic-cube
A work-in-progress rust library providing a magic cube / rubik's cube implementation
-
poisson-diskus
Poisson disk distribution sampling
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
dxpr
Differentiable expression templates in compile-time, dependency-free, no_std Rust
-
dicebag
Dice rolling!
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
generic_graph
implementing general purpose graphs. Including some default implementation (the latter are still WIP)
-
monte-carlo-tree-search
Monte Carlo Tree Search to find good moves in two player games
-
sigmah
Create and scan binary signature in Rust efficiently
-
line_of_sight
finding the line of sight on a 2D grid
-
readability-text-cleanup
cleaning up text from HTML using Mozilla's Readability algorithm
-
buldak
that provides various sorting functions
-
lace_codebook
Contains the Lace codebook specification as well as utilities for generating defaults
-
convert-base
convert the radix (base) of digits stored in a vector
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
scip-sys
Bindings for the C SCIP solver
-
radiate-gp
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and trees
-
enso-optics
functional optics
-
saypyu
Converts complex and hard to use International Phonetic Alphabet (IPA) pronunciations into the very readable and easy to use SaypYu phonetic alphabet
-
rapl
that makes numerical scripting with Rust simple and enjoyable
-
posthog-symbol-data
A shared library for serialising/deserialising PostHog symbol data
-
totsu
Convex optimization problems LP/QP/QCQP/SOCP/SDP that can be solved by
totsu_core
-
globset
Cross platform single glob and glob set matching. Glob set matching is the process of matching one or more glob patterns against a single candidate path simultaneously, and returning all of the globs that matched.
-
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
math
A math library
-
deepmesa-encoding
A collection of data structures and algorithms designed for performance
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
convert_traits
Define your own conversion traits to solve the problem of converting two external types without using new types
-
maschen
A no-std compatible shunting yard implementation
-
flatty
Flat message buffers
-
sauss-cramer
es una librería que ayuda a resolver sistemas 2x2 y 3x3 de ecuaciones lineales, usando el método de reducción de Crammer
-
mudder
Generate lexicographically-spaced strings between two strings from pre-defined alphabets
-
extprim
Extra primitive types (u128, i128)
-
fastapprox
Fast approximate versions of certain functions that arise in machine learning
-
fastrand-contrib
Extension functionality for fastrand
-
call-by
A trick to parameterize functions and traits by the calling convention of their arguments and results
-
arena-traits
Traits for arenas
-
search_trees
binary search tree, red-black tree, and AVL tree
-
seek_bufread
A drop-in replacement for std::io::BufReader with seeking support
-
zung_mini
Mini rust projects that target specific features of rust
-
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
miniqueue
A minimalistic single-thread job queue based on fold/reduce
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
ieee-apsqrt
Square root functions for IEEE floats using rustc_apfloat
-
ogs
solving octal games
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
bun-native-plugin
Rustified wrapper for writing native plugins for Bun
-
palestrina
creating algorithmic music
-
tofas_extras
Translation of fundamental astronomical subroutines
-
scirs2-ndimage
N-dimensional image processing module for SciRS2
-
hyperflake-rs
lightweight Rust crate library to generate unique snowflake like IDs starting from beginning of the 21th century
-
rotary-permutator
Permutations iterator
-
grambulate
grambulation for positive integers in Rust
-
strseq
A string sequence library for Rust
-
parity-map
For mapping integers based on their parity
-
supply-chain-trust-crate-000025
Random number generators and other randomness functionality
-
box-counter
counter
-
mfem
A high-level Rust wrapper for MFEM
-
bin_packer_3d
Three dimensional fitting algorithm to fit smaller boxes inside of a larger box
-
lifo
last-in first-out api wrapper for std
VecDeque<T>
-
froggy-rand
Random number generation without state for games
-
bnb
A generic template for Branch & Bound algorithms
-
project_euler_lib
project euler
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
kermit-iters
Iterators used in Kermit
-
blstrs
High performance implementation of BLS12 381
-
cubecl-opt
Compiler optimizations for CubeCL
-
grabbag
A random grab-bag of functionality
-
extfsm
Extended Finite State Machine with internal event queue and entry/exit transitions
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
cbc-src
Redistribution of Coin-OR Cbc as a crate
-
noise-functions-config
Configurable noise generator for
noise-functions
-
iterslide
A "sliding window" iterator
-
quaternions
quaternion arithmetic with traits
-
jawe-cuvs-sys-ii
Low-level rust bindings to libcuvs
-
permutate
Generic permutator that permutates singular and multiple lists
-
sophus_opt
Sparse non-linear least squares optimization
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
glicko2
rating system
-
symbol-map
Memory-efficient mapping from values to integer identifiers (AKA a lexicon or symbol table), with options for fast bidirectional lookup
-
async_bagit
Create and load BagIt containers
-
mcts-rs
Monte Carlo Tree Search (MCTS) using an arena allocator
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
tri-mesh
A triangle mesh data structure including basic operations
-
graphlib_rust
Dagre's Graphlib implementation in Rust
-
joinable
Traits for doing SQL-like joining iterables of values
-
lockstep
An iterator adaptor for selective zipping
-
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, ...
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
tick-queue
Tick ordered queue
-
eint
Fixed-size signed/unsigned big integers
-
iter_help
tools for iterating over collections of data
-
hexx_more
Extensions to the
hexx
crate -
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
codes-check-digits
Common implementation of check digit algorithms
-
omango-wyhash
Wang Yi hash for Rust
-
spatial
An N-Dimensional R-tree family spatial tree implementations
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
rust_wfa
wavefront sequence alignment algorithm
-
sid
Id. Tiny crate providing strongly typed ids and an id-based vector.
-
optical-flow-lk
Lucas-Kanade optical flow and Shi-Tomasi feature detection
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
smallest-enclosing-circle
Iterative and recursive two-dimensional implementations of Welzl's algorithm for computing the smallest enclosing circle
-
cons
Fast and simple hash consing
-
miniball
Minimum enclosing ball
-
klotski
multifunctional engine with high performance
-
houtamelo_utils
A collection of utilities shared between Houtamelo's projects
-
thermolib
An open-source library for the calculation of fluid properties
-
index-utils
working with indices
-
wotw_seedgen
Seed Generator for the Ori and the Will of the Wisps Randomizer
-
worley-noise
Worley noise implementation
-
randomwalk
Build glorious random walks
-
num-cmp
Comparison between differently typed numbers
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
sat_lab
providing the framework for using SAT problems
-
numext-fixed-hash
Fixed-size hash types
-
chrf
algorithm
-
quickscope
Multi-layer HashMap and HashSet implementations for performant representation of variable scopes
-
hash40
working with Hash40 types in Smash Ultimate
-
geogebra-types
Geogebra types and API for building them
-
lindenmayer
Memory Efficient Lindenmayer-Systems
-
data_storage_units
Unit converter for rust language
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
backtrack
Solve hard constraints easily
-
tuple_utils
A set of utilities to enable higher level operations over tuples
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
recursion-schemes
cache-aware stack safe recursion (this is the really haskell brained one)
-
canonical-form
Reduce graphs and other combinatorial structures modulo isomorphism
-
geo-visibility
Compute visibility polygon
-
fst-map
succinct map
-
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
qd
Extended precision floating point arithmetic
-
text-file-sort
Sort a text file similar to linux sort
-
diman_lib
Commonly used types for internal use in diman
-
automaton
Parse regular languages
-
interleave_n
A generic iterator interleaving extension for iterators of iterators, based on itertools
-
itertools-num
Numerical iterator tools. Extra iterators and iterator methods and functions.
-
bool-utils
functions for working with boolean values
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
grid_2d
A general purpose 2d grid
-
genx
An easy to use and modular genetic algorithms library
-
tf2-sku
SKU parser for Team Fortress 2 items
-
color-lib
implementing colors and converting between different representations. Includes a library easy access default colors.
-
subranges
manage non-interssecting integer intervals
-
cp_lib
Competitive programming library for my own use
-
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. -
node2vec
in rust
-
pos_pso
Particle Swarm Optimizer
-
cordic
Special functions for fixed-point numbers using the CORDIC method
-
materialized-view
incremental materialized views for the masses
-
rand_chacha
ChaCha random number generator
-
extsort-lily
An efficient external merge sort implementation
-
evolutionary
A fully extensible Rust framework for using paralyzed genetic algorithms to solve problems
-
iter-group
grouping (key,value) iterators into maps of collections
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
deranged
Ranged integers
-
voro_rs
binding for voro++ library
-
minstd
minimal standard random number generator
-
rustrix
Supports macro and basic operations for matrix
-
rusnap-build
Build script for RuSnap
-
coinutils-src
Redistribution of Coin-OR CoinUtils as a crate
-
gemm-f32
Playground for matrix multiplication algorithms
-
macro_machine
State machine generator using macros
-
eta-graph
Low overhead graph library focused on performance
-
advancedresearch-path_iter
A cocategory enumeration library based on path semantics
-
matrix_lib
easy to use library to operate on matrices
-
conformal_poly
Helper utilities for polyphonic synthesizers in the conformal framework
-
graph-types
Shared types for graph theory
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
utility_converter
lib offering accurate conversions for temperature, weight, and distance
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
beetle-fraction
functions & structs for doing math with fractions
-
rootfind
Root-finding algorithms
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
xcov
Knuth's Algorithm X (featuring dancing links) for solving exact cover problems
-
atlatl
Double-array tries
-
lapjv
Linear Assignmment Problem solve using Jonker-Volgenant algorithm
-
vrp-pragmatic
An extension logic for solving rich VRP
-
cauchy
Trait for real and complex numbers
-
new_york_utils
calculation some things
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
vsort
GNU Version Sort Rust implementation
-
meshmeshmesh
Open-source mesh processing library
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
srake
RAKE Algoritm
-
vmm
A math library focused on vectors and square matrices (Not in development)
-
highwayhash
Bindings to AVX-2-optimized SIP-like hash functions
-
insides
A compact, high performance space filling curve library for Rust
-
symmetric-interaction-calculus
A programming language and model of computation that matches the abstract algorithm perfectly
-
probably
various approximate computing algorithms
-
d4-cryptominisat-sys
wrapper around CryptoMiniSat for d4
-
fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
toposort
Topological sorting
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
fhash
Blazingly fast hash for HashMaps in Rust
-
acacia
A spatial partitioning and tree library
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
multidimension
High-level manipulation of multi-dimensional arrays
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
lootr
RPG-like looting system
-
simple_accumulator
accumulator for incremental statistical computations
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
const_ranged_int
Ranged constant integers. Useful for lookup tables with constrained values to avoid secondary bounds check.
-
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)…
-
morton
space filling curve functions
-
cornerstone
A behavior tree library
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
museair
Fast portable hash algorithm with highest bulk throughput and lowest small key latency (1-32 bytes) among portable hashes listed in SMHasher3, and made improvements for quality and usability
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
bitap
in rust
-
lexico
Lexicographically orderable number encodings
-
topk
TopK algorithm implementation in Rust
-
floaters
generate floating-point numbers in various ways
-
quasi_iter
that contains supplementary iterator objects and methods
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
crfmnes
CR-FM-NES (Cost-Reduction Fast Moving Natural Evolution Strategy Optimiser) implemented via nalgebra
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
dexalt-lib
Dexalt Library
-
lcpc-brakedown-pc
polynomial commitment scheme from SDIG expander code
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
binary-search
General binary search implementation
-
easy_base64
The package provides the base64 encode/decode functions
-
linesweeper
Robust sweep-line algorithm and two-dimensional boolean ops
-
portdiff
Data structure for fast local graph rewriting
-
closest
nearest neighbor implementation
-
dbscan
Dependency free implementation of DBSCAN clustering
-
name-engine
computing Markov chains to generate random names based on pronunciation
-
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…
-
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
-
md6
hash function for Rust via FFI
-
twsearch-ffi
Twizzle Search FFI — C FFI bindings for twsearch
-
clock-zones
handling clock zones
-
bitmagic
Rust bindings for the bitmagic library
-
dandelion-random
a high performance non-cryptographic random number generator
-
tscale_sequence
generating tscale sequences
-
alea
randomness
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
automafish
state machine builder for creating deterministic state machines out of nondeterministic state machine definitions
-
moving_min_max
Tracking minimum or maximum of sliding windows
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
endicon
Implementations of codicon traits for endianness encodings
-
qurs
Qulacs implementation in Rust
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
bayes_elo
calculating Elo in balanced and unbalanced competitions or games
-
gis-tools
A collection of geospatial tools primarily designed for WGS84, Web Mercator, and S2
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
aliri_macros
Macros used by the
aliri
family of crates -
jsonposition
Finds a path to a JSON element at a provided string index
-
moga
A multi-objective genetic algorithm framework
-
my1
My1
-
romu
A pseudo random number generator using the Romu algorithm
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
MFEKmath
supplies mathematics and algorithms for manipulating beziers
-
rustsat-kissat
Interface to the SAT solver kissat for the RustSAT library
-
dynamic_graph
graph processing
-
eviolite
Toolkit for working with evolutionary algorithms
-
domtree
dominance relation calculation
-
shape-core
Definition of geometry shapes
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
denlibs
general-purpose libraries
-
farmhash
successor to Cityhash (also from Google). Farmhash, like Cityhash before it, use ideas from Austin Appleby's MurmurHash.
-
enum_like
trait to treat any type as an enum. If a type has a reasonably small number of variants, for example a
struct A(bool, bool)
which has 4 variants, this trait provides a 1-to-1 mapping from type value to a… -
travelling_salesman
Travelling Salesman Problem Solvers
-
vec-utils
vector utilities
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
frayed
Unfused and unashamed iterators
-
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…
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
rust-algo
rust algorithms
-
pikkr-annika
JSON Parser which picks up values directly without performing tokenization in Rust. Reuploaded by Annika due to her compile problems.
-
stable-hash
A stable, structured hash with backward compatibility
-
hora-new
Hora Search Everywhere
-
wsp
space filling algorithm
-
differential-growth
differential growth algorithm
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
lehmer
Convert between permutation vectors, Lehmer codes and decimals
-
caffeine
Collection of data structures I'm writing for fun. Originally written for use with my crafting interpeters tutorial implementation.
-
polars-core
Core of the Polars DataFrame library
-
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
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
cfpyo3_rs_bindings
a collection of performant utilities
-
space-filling
Generalized 2D space filling
-
rustproof
Compiler plugin to generate verification conditions from Rust code
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
structo
Data structures made in Rust
-
d4-glucose-sys
wrapper around glucose for d4
-
mini-linked-list
A package containing a minimal i32 LinkedList implementation
-
rudac
common data structures and algorithms
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
cf_dist_utils
has risk and distribution utilities
-
uianimator
animations which can elegantly respond to user inputs mid-animation
-
pseudo_encrypt
native-Rust generic implementation of Psql's pseudo_encrypt
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
bool-toggle
bool toggling for the bool toggle enjoyers
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
iter_columns
Iterate over columns easily
-
rs-uuid
Universally unique identifier generator
-
asciimath-parser
A fast extensible memory-efficient asciimath parser
-
indented-blocks
parser for indented blocks
-
phi-detector
Phi Accrual Failure Detector
-
uints
Unsigned Integer Properties
-
cfg-regex
Conversion from a regular expression to a context-free grammar
-
eom
Configurable ODE/PDE solver
-
gosh-lbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
gworld
evolve genetic algorithms (beginner friendly to advanced) and reduce boilerplate setup
-
llinks
-
vec-drain-where
alternative
Vec::drain_filter
impl -
abow
Visual bag of words for fast image matching
-
input_conv
A basic stdio extension to automatically translate basic inputs to a given type
-
lc3b-isa
LC-3B instruction set architecture type definitions
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
distance
A collection of approximate string matching algorithms
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
bidimensional
A collection of 2D utilities for coordinate representation and manipulation
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
lax
LAPACK wrapper without ndarray
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
openraft-rocksstore
A rocksdb based implementation of the
openraft::RaftStorage
trait -
sorting_lib
lib implementing sort algorithm?
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
non-random-state
Deterministic HashMap and HashSets
-
bimultimap
A Bidirectional multi map
-
dotlr
An LR(1) parser generator and visualizer created for educational purposes
-
proc-opt
WIP: Process/Job scheduling optimization library
-
random_grouping
random grouping
-
falcon-z3
Rust bindings for z3 and Falcon
-
erfars
Safe Rust bindings to the Essential Routines for Fundamental Astronomy (ERFA) C library
-
mathjax_svg
Convert mathematical expressions to SVG using Mathjax
-
sliding_puzzle
manipulating sliding tile puzzles
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
ilog
Base 10 and 2 logarithm functions for integer types
-
pert
algoritm for solving task planning with resource overassignation
-
teeint
A teeworlds variable int packer/unpacker
-
digraphx-rs
Network Optimization Algorithms in Rust
-
classific
Classifications, comparator and equivalence class implementations
-
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
-
bb-sys
FFI bindings to Barretenberg
-
fastvlq
A fast variant of Variable-Length Quantity with a focus on speed and no_std support
-
rangelist
A representation of sets as lists of inclusive ranges
-
chull
Convex hull approximation
-
cygv
Compute GV and GW invariants of CY manifolds
-
dp_macro
procedural macro that implements memoization for dynamic programming
-
ebene
A unique search technology
-
deep-flatten2
Useful utility for deep flattening nested Options and Result
-
fmap
Functors in Rust
-
sparse
-
cuvs-sys
Low-level rust bindings to libcuvs
-
treez
A collection of useful data structures
-
simple_colatz
package to compute the colatz conjecture in rust
-
qunit
Experimental uom-like library which enables compile-time verification of dimensional analysis, with support for statically-sized vectors and matrices
-
quine-mc_cluskey
Quine-McCluskey algorithm and Petrick's method
-
activation_functions
collection of activation functions
-
rs-graph
graph algorithms and combinatorial optimization
-
small_iter
A 3-pointer iterator that moves out of a
Vec<T>
orBox<[T]>
-
simple_optimization
Simpler optimizers for simple optimization
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
algorithms-edu
Algorithms for pedagogical demonstration
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
gsv-culture-ships
Iain M. Banks's Culture ship names in a library.
-
str-distance
Distance metrics to evaluate distances between strings
-
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
-
heapz
Heap/Priority Queue implementations
-
tinysort
The lowest memory footprint sorting algorithm
-
fast-map
Map-like structs
-
del-geo-nalgebra
2D/3D geometry utility codes
-
shuffle
various shuffling algorithms over slices
-
num-to-words
Number to words converter
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
pkbuffer
Buffer objects made for arbitrary casting and addressing!
-
algebloat
Rust linear algebra library
-
m4ri-sys
Bindings to m4ri
-
poisson
Poisson-disk distribution generator
-
circularing
Circular buffer backed by in-stack storage
-
pddllib
A PDDL library for lifted successor generation
-
rustgraphblas
Wrapper for GraphBLAS.h exposing SparseMatrix and SparseVector
-
hulahoop
An efficient consistent hash ring implementation supporting virtual nodes
-
dec-number-sys
Rust bindings for The decNumber C library by IBM Fellow Mike Cowlishaw
-
arrsac
From the paper "A Comparative Analysis of RANSAC Techniques Leading to Adaptive Real-Time Random Sample Consensus"
-
delaunator
A very fast 2D Delaunay triangulation library
-
continent-code
Continent Code
-
path-finding
variety of path finding and graph operations. Work in progress.
-
fuzzy-search
collections for fuzzy search
-
packr2
a few packing algorithms for your needs
-
lib_algorithms
Библиотека алгоритмов
-
sample-consensus
Abstractions for sample consensus algorithms such as RANSAC
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
fsize
fsize
is aliased to the floating-point type of pointer size -
sea-canal
Identifies patterns in sequences of integers
-
lophat
Lockfree Persistent Homology Algorithm Toolbox
-
concorde
reconfigurable lattice agreement
-
swap3
Swapping of three references, rotating the values left or right
-
copper
A constraint programming solver
-
fp-growth
algorithm in pure Rust
-
fixed_ring_buffer
An asynchronous SPSC fixed-capacity look-free ring buffer, which can be used to transfer data between two threads or between two asynchronous tasks
-
flann
Bindings for the FLANN library
-
vsss-rs
Verifiable Secret Sharing Schemes for splitting, combining and verifying secret shares
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
sbatch-rs
sbatch command generator
-
iter_ref
Traits for iterating over referenced data without consuming the iterator
-
ecoord-io
IO operations for transforming between 3D coordinate frames
-
fuzzy_match_flex
Fuzzy matching library based on the popular
FuzzyWuzzy
library for python -
stringr
random string functions
-
pcg
A port of the PCG random number generation library
-
dragoonfri
Fast Reed-solomon Interactive oracle proof of proximity
-
rayimg
Renders image of some scene using ray tracing
-
permutation-rs
Do calculations with groups
-
fenster
sliding window implementation
-
simple_search
searching objects
-
varisat-checker
Proof checker for proofs generate by the Varisat SAT solver
-
id_graph_sccs
Find the strongly-connected components of a graph with nodes labeled by integer ids
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
trot
Trait library
-
random-branch
macro to select a random branch like match
-
glam-traits
Traits for the vectors in glam
-
pack
Solver for packing puzzle
-
small-ord-set
A set data-structure represented by a sorted
SmallVec
-
binartree
Binary Tree realisation
-
pseudo-cyrillic
Faux Russian typography
-
lsh-rs
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
etsm
Efficient Tiny State Machine using object callbacks
-
lpn
Software to study attacks on the Learning Parity with Noise problem
-
sort_library
sorting algorithms in Rust
-
elias-fano
encoding in Rust
-
redfa
Regular expression derivatives for creating DFAs
-
slsqp
optimizer for Rust
-
turnip
Ternary operators for Rust
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
statistical
statistics library
-
oars
providing construction methods and utility functions for orthogonal arrays and strong orthogonal arrays
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
literally
Macro literals for members of std::collections
-
trajectory
interpolation
-
kurobako_solvers
A collection of black-box optimization solvers
-
chandeliers-std
A standard library for the Chandeliers suite
-
fleetfs_raft
language implementation of Raft algorithm
-
line_cardinality
High performance line cardinality counts and estimates
-
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
-
summavy_codecs
Fast field codecs used by tantivy
-
sosa
Stochastic simulation algorithm (SSA) with a Monte-Carlo generating method
-
cellular_maps
generate 2D procedural bitmaps using the cellular automata technique
-
bresenham
A fast, iterator-based integer-only implementation of Bresenham's line algorithm
-
monitor-common
Basic data structure and algorithm of linux-monitor tool
-
graphed
implement graph-based functionality
-
phonics
Phonetic spelling algorithms in Rust
-
vecgrid
A dynamically sized two-dimensional vector
-
actix-raft
Raft distributed consensus protocol using the Actix actor framework
-
const-chunks
Extension trait to chunk iterators into const-length arrays
-
savant_core
Savant Rust core functions library
-
libgdx-xs128
minimalist no_std clone of the Xorshift128+ algorithm used in the libgdx Java library
-
nqueens-oxigen
N Queens problem resolution using oxigen
-
belief-spread
modelling belief spread
-
drain-rs
Automatically cluster semi-formatted text with the drain algorithm
-
smtlib-lowlevel
A low-level API for interacting with SMT solvers
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
javarandom
Pure rust implementation of java.util.Random
-
rand_sfc
Chris Doty-Humphrey's SFC PRNGs
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
b2c2-jis-x-201
UTF-8とJIS-X-201を雑に変換処理する
-
cut-optimizer-1d
A cut optimizer for cutting linear pieces
-
windmouse-rs
windmouse
-
truck-shapeops
boolean operations to Solid
-
cp-rs
Competitive programming library, especially for AoC
-
word_search_solver
Solves a word search
-
rs_lockfree
a lock-Free lib based on practical Hazard Pointers algorithm
-
euphony
music composition environment for programmers
-
brevet
Evaluator for Ei calculus with dependent merges and first class environments
-
xxh
XXHash algorithm implementation for Rust
-
sequin
enumerate the sequential values of a type
-
clamd-client
Rust async tokio client for clamd. Works with a tcp socket or with the unix socket. At the moment it will open a new socket for each command. Work in progress.
-
borrowned
Borrow-or-owned values
-
custom_float
Custom floating-point types
-
is-even-u16
Specialized is-even checking for u16 numbers
-
bit_combi_iter
An iterator to iterate all bit combinations less than given unsigned integer
-
prec
A generic operator-precedence parser library
-
bfilters
bloom filter implementation in Rust
-
tousize
A helper trait to convert values into usize
-
fft2d
Fourier transform for 2D data such as images
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
kahan
types to perform Kahan summation
-
byte_rb
byte ring buffer
-
rustifact_extra
Extra features for Rustifact
-
crc16-en13757-fast
SIMD-powered implementation of CRC-16/EN-13757
-
boolnetevo
Evolve populations of boolean networks to approximate bitstring functions and their (unknown) inverses
-
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
-
terraphim_types
Core types crate for Terraphim AI
-
divisors_fixed
A fixed & enhanced version of the divisors crate
-
genetic-rs-common
Commonly-used parts of genetic-rs
-
reciprocal
Baseline implementation of integer division by constants
-
hybrid-clocks
Hybrid Logical Clocks
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
fenv-bind
a safe wrapper around fenv.h
-
oshash
https://pypi.org/project/oshash/ in Rust
-
hnswlib-rs
Parse and query HNSW indices
-
java_random
The java LCG and random module implementation in rust
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
greencurves
Generate statistics on Bezier paths
-
stringprep
algorithm
-
best-path
Shortest/longest path algorithms, where edge weight accumulation via either a sum or a product
-
divisors
A blazing fast library to find all divisors of a natural number
-
blossom
algorithm to get a maximum matching in an undirected graph
-
wl-tools
Wordlist tools – algorithms and data structures for working with lists of words
-
algorithm_playground
Algorithms Playground: To learn and understand the working of different algorithms in Computer Science
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
enso-shapely
Automated typeclass derivation
-
notan_random
set of RNG utils for Notan
-
pire-gemm-s8u8s32
high performance cpu kernels
-
cons-laws
Particle methods to solve 1D conservation laws
-
stack-bitset
Stack-allocated generic-sized bitset implementation. WIP
-
TerraForge
Lightspeed terrain generation at scale in rust
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
algx
Knuth's Algorithm X
-
stream-more
Stream utilities for Rust
-
ccl-fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc. This is a fork designed for use with ccl. Rights go to the original creator.
-
sudoku-variants
A flexible Sudoku engine that supports common variations and custom rules
-
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.
-
gitignored
gitignore algorithm
-
eff
Algebraic Effects Library for Rust
-
async_to_iter
Convert async functions to generators on stable Rust
-
trie-alg
Trie implementation
-
rand_seeder
A universal random number seeder based on SipHash
-
stalin-compression
A highly advanced compression algorithm
-
coding_pk
pk for coding solution
-
degrees
Easily work with and compare temeratures in different units
-
mop-blocks
Foundation blocks for MOP
-
sorting
The world's best, finest and inefficient sorting algorithms
-
summed-area-table
summed area table
-
re_byte_size
Calculate the heap-allocated size of values at runtime
-
const_sized_bit_set
A bitset with a const generic size parameter indicating the number of 64 bit words to use
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
bmatcher-core
bmatcher is a flexible and efficient binary pattern matching library designed to help you search and match binary data
-
math-shop
mathematical tools in pure Rust
-
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
anim_curve
Curve Calculation function library with simple dependencies
-
cutter
usefull functions for parsing text. Used for cutting between strings.
-
rpn_calc_nemutas_20240915
RPN(Reverse Polish Notatio) library
-
eater_rangeset
work with set's of ranges
-
leetcode_for_rust
leetcode for rust
-
catalan
binary tree of n variables where the parent node represents a function and the child node represents a value
-
friedrich
Gaussian Process Regression
-
simple-pso-demo-rs
A simulation of a simple application of Particle Swarm Optimization (PSO)
-
caido-convert
Encoding library for web security applications
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
reunion
A generic implementation of the Union-Find w/ Rank data structure
-
rabitq
vector search algorithm
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
treemap
Squarified Treemap algorithm
-
chains_f2vect
chain complexes and dg algebra manipulations
-
iso9796_rsa
ISO-9796 signature algorithm
-
random_lcg
lcg random number generator
-
uuidv6
UUIDv6 implementation
-
blobber
Create an arbitrary length of string
-
teloader
Loader of Total Editor's level files (*.te3)
-
ripple
General-purpose DSP data structures and algorithms
-
weighted-selector
Select type from weighted index
-
graphene
A general purpose, extensible Graph Theory data type and algorithm library for Rust
-
async-hsm
The lightweight asynchronous hierarchical state machine (HSM)
-
regex-lite
A lightweight regex engine that optimizes for binary size and compilation time
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
d4-gpmc-sys
wrapper around GPMC for d4
-
simple_mod_int
modint library
-
yaum
Units of Measurement
-
fastrie
Sequentialised memory-packed associative tries, buildable at compile time, useful for longest prefix matching
-
clingo-sys
Raw FFI bindings to the C API of the clingo library
-
cpulimiter
A user-space CPU limiter crate
-
simple-rate-limit
Rate limit enforcement as simple data structures, no atomics
-
dia-ip-range
-
ggt
calculate the ggt
-
voxell_rng
Cheap and dirty thread-local RNGs
-
tiamat
a PRNG library
-
rusty-rootsearch
This package implements general one-dimensional root-finding algorithms built on the shoulders of the num_dual crate
-
matrix-oxide
Lightweight Linear Algebra Library For Rust
-
hashed-permutation
A fast, instant-access way to permute a range of numbers
-
star_rng
opinionated PRNG for easier fuzz testing
-
context-iterators
Iterators adaptors with associated read-only data
-
unicode_names2_generator
Generates the perfect-hash function used by
unicode_names2
-
bluenoise_sampler
Precomputed blue noise for fast sampling
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
node-resolve
The Node.js module resolution algorithm
-
ofps
Framework for efficient processing of optical flows/motion vectors
-
gchemol-neighbors
Neighborhood search for chemistry
-
std_collection_traits
Abstraction of operations in std collection types
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
vec_to_array
Moves a heap allocated
Vec<T>
to an stack allocated array of typeT
and sizeN
-
sugiura-hiromichi_mylibrary
my personal library
-
dahl-partition
An efficient representation of a set partition
-
bvh
A fast BVH using SAH
-
case_converter
Case Converter
-
exact-cover
(WIP) Asynchronous exact cover solver library using Knuth's dancing links algorithm
-
aobscan
multi-threaded AOB memory scanning
-
blake3-std
the BLAKE3 hash function implementation with std::simd
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
ddgg
A stable graph with undo/redo built in
-
anndists
some distances used in Ann related crates
-
slur
A fast, iterative, correct approach to Stackblur, resulting in a very smooth and high-quality output, with no edge bleeding
-
clp-src
Redistribution of Coin-OR Clp as a crate
-
cubecl-spirv
SPIR-V compiler for CubeCL
-
tool
A grab-bag of tools for functional programming
-
rink-core
Unit conversion library behind rink
-
dyn-smooth
Dynamic smoothing filter based on an algorithm by Andrew Simper
-
event-voxel-builder
Fast event voxel builder
-
hc128
HC-128 stream cipher. support
no_std
environment. -
braque
Split image into tiles and scramble/unscramble them based on a seed
-
simple-std
extension to the Rust standard library for exercises
-
transiter
An Iterator suitable for navigating recursive structures and DAGs
-
rxqlite-sqlx-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
galeshapley
Stable mariage problem solving, with fine-grained user control and early stopping ability
-
sfcgal-sys
Low-level FFI bindings to SFCGAL
-
rand_core
Core random number generator traits and tools for implementation
-
fstd
A fast standard library for Rust
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
sol_prng
functional pseudo random number generator. No mutability. Relies on shadowing as of now.
-
graph_csr
that provides utility functions for manipulating graphs in a CSR format, used as the baseline for constructing powerful graph algorithms
-
flac-sys
Bindings for FLAC 1.3.2
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
ray_tracing_core
Ray Tracing based on Peter Shirley's mini books
-
kratom
neural network library
-
hotdrink-rs
HotDrink in Rust
-
reservoir-sampling
Implementations of a variety of algorithms for reservoir sampling in Rust
-
elites
A fast and robust implementation of the Map-Elites algorithm in Rust
-
utf-8
Incremental, zero-copy UTF-8 decoding with error handling
-
PitosMarcianosSalamanca
Colas tarea
-
dancing-cells
Solnon and Knuths Dancing Cells algorithm
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
clock-page-replacement
clock page replacement algorithm implementation
-
clone_dyn_types
Derive to clone dyn structures
-
plugin
Lazily evaluated, order-independent plugins for extensible types
-
conway-gol-rs
A Conway's Game of Life implementation in Rust
-
addchain
Generate addition chains
-
building_blocks_search
Search algorithms for voxel data
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
easy-int
macros for easy implementation of integer aliases
-
alcs
All Longest Common Subsequences and String Fuzzy Search
-
s5
equation solver written in Rust, built for solving some homework-style problems in orbital mechanics
-
satlog
A logger for SAT-like solvers
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
kmp
Various functions using the Knuth–Morris–Pratt algorithm to efficiently find patterns
-
rotbl
Read Only Table
-
keybob
A cryptographic key utility
-
nullable-result
A replacement for Option<Result<T, E>> or Result<Option<T>, E>
-
iobuf
A contiguous region of bytes, useful for I/O operations
-
permanganate
Graph and Boolean SAT solver for Numberlink and Flow Free
-
rustgym-util
handy macros, data types and traits for rustgym
-
assessment
that allows different types of assessments, to convert between them and to perform basic operations
-
rust_clue_solver_2
a way to figure out a clue game more easily
-
yet-another-md5
compute md5 hashes from Read objects
-
easy_xxhash64
Easy API to use xxHash for byte vectors and files
-
elic
A utilities library for Rust
-
highs-sys
Rust binding for the HiGHS linear programming solver. See http://highs.dev.
-
array_ext
Extra functionality for Rust arrays
-
emit_core
Core APIs and runtime infrastructure for emit
-
routrs
Geograph-based shortest distance calculation for Rust
-
oxygraphis
Algorithms and structures on ecological graphs command line interface
-
faust-types
Types and traits needed by Rust modules built from FAUST dsp files
-
aocsol
generate solver for AOC puzzle
-
poly2tri-rs
An idiomatic and fast Constrained Delaunay Triangulation library
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
ceres-solver-sys
Unsafe Rust bindings for the Ceres Solver
-
maxpre
Rust bindings for the (MO-)MaxSAT preprocessor MaxPre
-
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
wookong-solo
Wookong Solo driver crate
-
rkm
A generic k-means implementation
-
polymatheia
Mathematical types, traits, and algorithms in pure and safe Rust
-
rust-distributed-id
Rust version of the Twitter snowflake algorithm
-
ord-collections
offering collections which are pre-sorted automatically
-
soco
Algorithms for Smoothed Online Convex Optimization
-
meos-sys
MEOS C API bindings
-
runiverse
A pure and safe Rust library to make astronomical calculations and solve astronomical algorithms
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
gym-rs
OpenAI's Gym written in pure Rust
-
data_units
Data unit converter
-
wimlib
(Hopefully) idomatic bindings to the wimlib library
-
range-reader
Converts low-level APIs to read ranges of bytes to
Read + Seek
-
leetcode_utils
Boilerplate and helper functions for leetcode exercises
-
power-consistent-hash
Power consistent hash - constant expected time constant memory consistent hash
-
assign1
Sorting code
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
hirschberg
Generic implementation of Hirschberg's algorithm in Rust
-
ju-tcs-tbop-24-bebidek-endpoints
providing head and tail functionality
-
sn-merkle-trie
Minimal starknet merkle patricia trie implementation
-
tierkreis-core
Core implementation for the tierkreis quantum-classical hybrid workflow orchestration tool
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
hnsw
Fast approximate nearest neighbors
-
suitesparse_camd_sys
Raw bindings to SuiteSparse's CAMD algorithm
-
phreak_engine
Rule matching algorithm focussed on speed
-
moore-hodgson
Moore Hodgson's Scheduling Algorithm in Rust
-
rummikub_solver
Solves a board of Rummikub game by attempting to fit every piece given into a valid game set
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
unfold
in Rust
-
profqu_neat
that implements the NEAT algorithm
-
gemm-c32
Playground for matrix multiplication algorithms
-
knaptime
Solve the knapsack problem and its variants
-
rusted_list
A ever sorted list for rust that is operating on binary search
-
staticstep
truly zero-cost alternatives to
Iterator::step_by
for both incrementing and decrementing any type that satisfiesRangeBounds<T: Copy + Default + Step>
-
gemm-c64
Playground for matrix multiplication algorithms
-
networkit-rs
Rust bindings for Networkit
-
cvec
a const-generics / adt-const-param compatible Vec alternative
-
microwfc
Small Wave-Function-Collapse implementation
-
laplade
RPN(Reverse Polish Notatio) library
-
permu-rs
A collection of utilities for permutations. It contains useful tools to create, manage and experiment with permutations.
-
algo
Algorithms & Data Structure implementations
-
imgddcore
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
entromatica
constructing, simulating and analyzing markov chains
-
pacifica-rs-rpc-impl-grpc
grpc support for pcifica-rs
-
try_all
Extends iterators with
try_all
to convert iterator of results into result of iterator of okays -
sortby
adds convenient sort functions for Iterators
-
randotron
Trivial little library that lets you randomly execute a closure with a sample rate
-
searchlib
Satisficing and optimal search algorithms
-
aviary
bird combinators for Rust
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
demes-forward
rust API for iterating demes models forwards in time
-
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"…
-
generatox
Stable generators for Rust
-
cienli
historical ciphers implemented in rust
-
ds-list
singly linked list and a doubly linked list (with sentinel node)
-
libtqsm
Sentence segmenter that supports ~300 languages
-
aoc-bud
A advent of code rust helper
-
wordfeud-solver
evaluate all possible moves given a wordfeud board and rack
-
equation-solver
equation solver that evaluates simple mathemetaical expressions
-
concorde_rs
binding to Concorde TSP Solver
-
sra
A collection of spaced repetition algorithms
-
regex_static
Compile-time validated regex, with convenience functions for lazy and static regexes
-
smoothed_z_score
Smoothed z-score algo (very robust thresholding algorithm)
-
smooth-numbers
Algorithms to generate smooth numbers
-
random-pairings
Generates random pairings
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
quriust
simulate a quantum computer. Only for quriust ones.
-
mldkyt-uwurandom-rs
uwurandom in Rust
-
szyk
generic topological sort
-
wildescape
string matching with questionmark, star wildcard operator and an escaped character
-
algo_sorting
implement all kind of sorting in the world of algorithms and more sorting methods will be implemented soon
-
learn-rust-with-bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
luhnr
but efficient, luhn number generator and validator
-
web_random
Web functions for randomness
-
robust-binary-search
Robust Binary Search provides a binary search implementation which is robust against errors during the search
-
ribbon
Tape machine for peeking through windows of iterators
-
ford-johnson
algorithm (aka merge-insertion sort)
-
ctrs
Rust implementations and notes on category theory
-
genomic
A small crate for implementing genetical algorithms
-
aoc-util
function for aoc
-
ram
that helps to parse source code with finite state machines
-
vtext
NLP with Rust
-
curieosa
Parse parsing Internationalized Resource Identifiers (IRIs) into Compact Uniform Resource Identifiers (CURIEs)
-
dach
A general delta encoded network difference algorithm
-
griddy
general-purpose grid/matrix
-
small-bwt
BWT construction in small space
-
hwp
낮은 수준의 hwp 파서
-
allehanda
Miscellaneous data structures and algorithms
-
space_alloc
General purpose space allocators
-
faststd
Moved to
fstd
(https://crates.io/crates/fstd) -
thirtyseconds
Short Rust 🦀 code snippets for inspiration
-
ndsort-rs
Sorting Algorithms implemented in Rust
-
cityhash-102-rs
Faithful reimplementation of CityHash v1.0.2 64bit and 128bit hashes
-
xx-hash
xxHash implementation
-
jmbl
A high performance CRDT
-
sbrd-gen
Schema-Based Random Data GENerator
-
ordered_hashmap
Ordered Hashmap implementation to overcome arbitrary order of key-values problem in Rust
-
random-manager
Rust random manager
-
deepnest-rust-minkowski
Minkowski operations for deepnest
-
tw-id-num
Check or generate Taiwan ID numbers
-
red_union_find
union find algorithm
-
osqp-rust
The OSQP (Operator Splitting Quadratic Program) solver
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
satif-minisat
Rust wrapper for the minisat SAT solver
-
const-murmur3
A const fn implementation of the murmur3 hashing algorithm
-
basic_stochastics
A small collection of utilities to make performing basic stochastic calculations more convenient
-
sortnet
Sorting Networks for Rust
-
chunk-diff
A fast and memory-efficient library for computing the difference between two frames of rect
-
broadword
algorithms
-
raddy
An automatic differentiation system for geometry and simulation
-
autowired
Rust dependency injection
-
lightningscanner
A lightning-fast memory pattern scanner, capable of scanning gigabytes of data per second
-
kvakvs/erlangrt
Erlang Replacement Therapy. Another attempt to make Erlang runtime (BEAM emulator) in Rust. Good news: I know what to do. Bad news: I have no clue how to Rust
-
rust-strictmath
Rust portable strict math implemention
-
rust-phone-number-geo
中国境内手机号码归属地查询
-
rustmt
A MT19937 PRNG implementation for rust
-
cuckoo
search algorithm
-
gbps
gossip-based peer sampling
-
rex-regex
A pedestrian library for regular expressions: Slow, but easy to understand
-
r2r_rcl
Internal dependency to the r2r crate
-
normalized-hasher
Create cross-platform hashes of text files
-
set-trie
A trie for fast subset and superset queries
-
truth-values
Generate all possible combinations of N bools
-
fuzzy_dbscan
FuzzyDBSCAN algorithm
-
chessie_types
Internal crate for use in the
chessie
crate. Do not use independently -
is_i32
A blazingly fast algorithm to compute whether or not a value is an i32
-
webidl2wit
that proivdes conversion from WebIDL to WebAssembly Interface Types (WIT)
-
ann_dataset
A lightweight research library for managing Approximate Nearest Neighbor search datasets
-
rodar
a command line tool that brings together all the functions Roy would use for analysis and decision-making
-
mudders
Generating Lexicographically-Evenly-Spaced Strings, or: Mudder.js in Rust
-
random_word
Efficient functions for generating random words in many languages
-
finite-state-machine
A type and trait based finite state machine macro
-
mazeparser
A custom format for defining mazes!
-
aob_common
String searching with wildcards
-
petgraph-gen
Graph generators for petgraph
-
scales
converting values between scales
-
partitions
A disjoint-sets/union-find implementation that allows for efficient iteration over elements of a set
-
tallyweb-fuzzy-sort
A fuzzy sort library for use with the tallyweb site package
-
first_order_logic
first-order logic
-
sat-rs
A SAT solver written in Rust
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
rust-algorithm
algorithm
-
rational_deduction
rational deduction algorithm
-
stateful
Design patterns for GUI application development
-
hipparchus-geo
latlon, ellipisoid & geodesic calculations
-
polynomial_subspaces
general ways to deal with subspaces of the polynomial rings R[X] with R some ring
-
pokereval
evaluating poker hands with 5 or 7 cards
-
limited_direction
Find path to any direction and distance but with limited directions
-
sorock
A Multi-Raft implementation in Rust
-
cognitive-outputs
Output related functionality for
cognitive
-
zf-cc-utils
A small utilty crate for competitive coding
-
libdrugplotter
Easily compute drug concentration curves
-
drunken-diver
Implements an algorithm inspired by the Drunken Bishop algorithm
-
scalar_map
map
for scalar types -
aaplus
astronomical algorithms
-
building_blocks_mesh
Fast meshing algorithms for voxel data structures
-
glowworm
fast incremental hashing designed for Baird, Bahn, and Collins decoding
-
unirand
A Marsaglia's universal random number generator
-
uwu_wasm
uwuifying the web
-
fuss
Small, lightweight simplex noise generator for Rust
-
maolang-core
Core components (tokenizer, parser, evaluator) for the Mao language
-
libribzip2
a bzip2 library written in pure rust
-
generic-str
Annoyed that Rust has two string types? Well it doesn't any more
-
random_lfsr_256_galois
random generator imlplementation based on linear feedback shift register (LFSR, Galois variation) on 256-bit polynome
-
lifering
A Hash wrapper around floats
-
dihardts_cstools
Collection of data structures and algorithms
-
snaplog
easily recording changes to values
-
seqgen
Sequence generation library
-
shannon
cipher implementation
-
numerical
Algorithm for numerical analysis
-
local-or-heap
type with a pre-specified size, regardless of the size of the T type it contains, using heap allocation if necessary
-
nucleic-acid
Implementations of Suffix Array, Burrows-Wheeler Transform and FM-index
-
tdlg
Generates a grid of cells that could be used to build a top-down game map. Used by me to learn Rust.
-
ziku-algorithms
some common algorithms
-
spatial_hash
A 2D Spatial Hash which uses cubes, triangles and hexes
-
shufflr
Shuffle a lists using Fisher-Yates algorithm
-
rdx
A collection of traits and algorithms to ease using radix sorts
-
potpack
Rust port of the potpack algorithm
-
unit-converter-rust
unit convertation
-
organism
A struct used for a genetic programing algorithm
-
bigs
A bipartite graph sampler
-
gearhash
Fast, SIMD-accelerated hash function for content-defined chunking
-
prng_mt
Mersenne Twister PRNG in Rust
-
datom-bigdecimal
Arbitrary precision decimal numbers
-
meshed
Graph creation and traversal tools
-
container-image-ref
Container Image Referneces
-
exxact
drop-in float replacement for exact arithmetic
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
sortbuf
Data structure for sorting large numbers of items
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
rsleetcode
Implementations of LeetCode problem solutions in Rust
-
interval_adapter
Interval adapter for both open/closed implementations of intervals ( ranges )
-
fuzzed-data-provider-rs
that you can use in order to consume fuzz binary data and shape them into structured values
-
blfilter
Bloom filter implementation using farmhash
-
flowing
flow graph processing library
-
wgpu_sort
WebGPU/wgpu Radix Key-Value Sort
-
buckets
O(n) integer sort
-
pure_ref
making immutable references only
-
rowdle
A Wordle backend in Rust
-
cubecl-core
CubeCL core create
-
featomic
compute representations for atomistic machine learning
-
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
-
ex_merge_sort_by_key
Rust external merge sort library
-
mocker
transforming text with uppercase and lowercase letters, resembling the Spongebob Mock Meme
-
prexel
A math expression evaluator
-
euphony-mix
mixing logic for euphony compositions
-
algorithms
most common algorithms
-
buter
Fluid buffer as place for iterators
-
blu
LU factorization with dynamic Markowitz search and columnwise threshold pivoting
-
xkcp-rs
Safe wrappers to the XKCP library
-
biiter
A bidirectional Iterator
-
resead-rs
reverse engineered Nintendo's SEAD library
-
tension
Tensor library with OpenCL acceleration
-
metro
rendering graphs similar to
git log --graph
-
duval-rs
Duval algorithm in Rust
-
iris-lib
that creates color palettes from images using the median cut algorithm
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
clfft
Bindings for clFFT, a FFT library for OpenCL
-
gtfs-generator
Convienience helpers for writing GTFS converters
-
qrs_detector
Realtime ECG QRS detector algorithm
-
selecta_score
Selecta scoring algorithm
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
my_rust_utils
My personal set of helpers
-
lazy-seq
constructing lazily evaluated sequences
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
minhash-rs
MinHash trying to be parsimonious with memory
-
zero-copy-pads
Padding/aligning values without heap allocation
-
okvs
WIP implementation of Oblivious Key-Value Stores
-
compute-float
Computes floating point numbers using Eisel-Lemire algolithm
-
gt-directed-bijective-connection-graph
an implimentation of a directed bijective connection graph
-
amalgamator
A set/map like data structure that allows you to combine members together
-
bin-tree
Building Binary Tree
-
grouping_by
allows the user to group an iterator by various ways
-
vkfft
Rust bindings for VkFFT
-
rlwe
Arithmetic in RLWE rings
-
firestore-structured-query
A Firestore StructuredQuery builder
-
qsort-rs
A quick sort algorithm that accepts any type and non-recursive approach
-
iron-shapes-booleanop
Boolean operations on polygons for iron-shapes
-
iterx
that provides several functions on the Iterator trait not found in std::iter or Itertools
-
labeledgraph
A flexible graph library for rust
-
ibmfloat
IBM floating point number types
-
based64
BASE64 implementation for chads
-
owned-read
Wraps your
Deref<Target=[u8]>
into aio::Read
-
wordlea
A algorithm to check Wordle's word guess
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
castle_tokenizer
Castle Tokenizer: tokenizer
-
lachs
automatically creating a lexer based on a given enum
-
halton
A module for generating Halton sequences
-
tars
providing useful technical indicators
-
xcc
Exact Cover solver with color extensions
-
bcmp
bcmp offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
chromosome
Genetic algorithm tools library
-
easylazy
Easy lazy initialization of variables
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
routee-compass-core
The core routing algorithms and data structures of the RouteE-Compass energy-aware routing engine
-
npcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
sparse_graph
Sparse graph algorithms
-
bft-core
An efficient and stable Rust library of BFT core for distributed system
-
geo-aid-script
Geo-AID's subcrate for parsing GeoScript
-
stara
A* Search Algorithm
-
hel-random
RNG with weak entropy source (alloc) and xoshiro256++ hashing
-
datasketches-sys
The Apache DataSketches Library bindings for Rust
-
tiny-earley
Minimalistic implementation of Earley's algorithm
-
kissat
wrapper for the Kissat SAT solver
-
porco
Composable probability distributions
-
yamcts
Monte Carlo Tree Search
-
disk-based-bfs
Fast generic implementation of breadth-first search using disk storage, suitable for extremely large implicit graphs
-
numeric-algs
implementing some numerical algorithms
-
aud
A minimal implementation of Sagas
-
librsb-sys
FFI interface for librsb
-
muscleman
A buffer utility
-
hutton-rust
The Hutton cipher implemented as a Rust crate
-
wfc-rs
Binding to the krychu/wfc C library
-
num-huarongdao
fifteen puzzle lib
-
lazy_futuristic
Initialize variables lazily, futuristically
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
weighted-median
Calculate the weighted median
-
mazer-macros
A minimal, simple math markup language that compiles to HTML, written in Rust
-
watchmaker
A genetic algorithm implementation in Rust
-
sbml-rs
SBML parser written in Rust
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
rsheet_lib
Libraries to help implementing cs6991-24T1-ass2
-
metromc
Markov chain Monte Carlo sampling using the Independence Metropolis-Hastings algorithm
-
grid_search_cardinal
Collection of search algorithms for uniform-cost cardinal grids
-
u160
Unsigned Integer 160 bits
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
matrix_kit
An abstract linear algebra library for Rust
-
whosly
便捷的工具库
-
generic-state-machine
that allows to create generic or Moore or Mealy state machines that allows the use of custom transition functions
-
ordq
Order keeping job processing queue
-
vrp-cli
A command line interface for VRP solver
-
w_inter
❄️ Weighted INTERval scheduling problem
-
stochastic_optimizers
Generic implementations of gradient based stochastic optimizing algorithms
-
collide-capsule
Capsule collider implementation for the collide crate
-
lttb
Largest Triangle Three Buckets algorithm
-
pat
tap values in place
-
squirrel3-rs
reliable random number generator
-
eratosthenes
Mathematical operations library for Rust
-
partition-iterator
Iterator adaptors that enumerate all partitions or all k-partitions of an iterator's content
-
radixal
Digits iteration for unsigned integer types
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
fuzzy-filter
A fast implementation (O(n)) of fuzzy-filtering
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
optimus
ID hashing and Obfuscation using Knuth's Algorithm
-
purrcision
decimals for nostd
-
noice
Fork of noise-rs, a procedural noise generation library
-
big-rational-str
Format and parse BigRationals to/from decimal numbers
-
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.
-
pictionary
interactive console game for guessing words in Rust
-
meowhash
Meow hash function
-
netaheuristics
Framework to create metaheuristics
-
iter_enumeration
Unifies Iterators over Same Type
-
musemap
Fast DoS-resistant hashmap based on MuseAir hash algorithm
-
ecitygml-converter
converting CityGML data to other representations
-
pincol
PINned COLlections: data structures utilizing
Pin
pointer -
squares-rnd
fast counter based non-crypto random generator
-
del-msh-core
mesh utility library for computer graphics research and prototyping
-
mecs
An ecs library with a focus on iteration performance
-
sparse_linear_assignment
Solvers for sparse linear assignment problem based on the auction algorithm
-
parallel-factorial
fast, parallel factorial calculator
-
raft-proto
Protocol definitions for the rust language implementation of the Raft algorithm
-
raftmodel
A logic model for the raft consensus algorithm
-
hexhex
hexadecimal conversion 🪄
-
idalloc
different methods of allocating unique identifiers efficiently
-
markov_rs
fast Markov chain generator in Rust
-
simid
Universally Unique IDentifier (UUID)
-
autoregressive
model for generate series data
-
grid_search_cardinal_point_to_point
Search algorithm for finding the shortest path between two points in a uniform-cost cardinal grid
-
number-based
attempt of mine to make working with number bases simple
-
z3-sys
Low-level bindings for the Z3 SMT solver from Microsoft Research
-
double_sort
fast and simple sorting algorithm which groups numbers into pairs and orders them onwards as nodes
-
polymur-hash
Polymur hash function
-
detect-lang
Language detection given paths and extensions
-
minisat
interface. Solves a boolean satisfiability problem given in conjunctive normal form.
-
random_tester
similar to https://www.fourmilab.ch/random/
-
ripped
A pure-Rust Interior-Point solver for linear programs
-
nostbeep
A no_std implementation of a binary heap. Binary Heap is implemented as a max heap.
-
zerobuf
A growable chunk of zeroed memory
-
clipper-sys
Boolean operations on polygons (Clipper wrapper)
-
rotated-array-set
An ordered set supporting O(1) rank and O(√n) inserts and deletes
-
droprate
generating different kinds of randomized trials given a set of options and weights
-
k_nearest
K-nearest neighbors search for points with maximal search radius
-
simple-rnd
Tiny random number generation library
-
starb
STAtic Ring Buffers
-
array-bin-ops
Efficient array binary operations
-
test_common
Just an utility library with functionality I usually use in my unit tests and integration tests
-
dzn-rs
dealing with DZN files used in the MiniZinc language
-
guid-partition-types
A small crate designed to work with parition types and their GUIDs
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
solve-leetcode
Solutions to leetcode in rust
-
catclustering
Agglomerative Clustering For Categorical Data
-
randu
MCG65539 is IBM System/360 random number generator
-
non-dominated-sort
Fast Non-Dominated Sort Algorithm
-
primality-test
Primality Test crate
-
debris
the data structure
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
lis
Longest increasing subsequence algorithm
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
interp1d
lightweight interpolation library written in Rust
-
symbolic-sets
Sets that are stored symbolically
-
pso
Particle Swarm Optimizer
-
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
-
imohash
Fast hashing for large files
-
darwin-rs
Evolutionary algorithms library written in Rust
-
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. -
bool2cnf
transfer boolean expression to dimacs directly
-
izihawa-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
fnntw
Fastest Nearest Neighbor (in the) West. A fast kdtree/kNN library.
-
random_access_unicode
Provide random access to the unicode characters in a file
-
hotsax
based discord discovery algorithms
-
librualg
Collection of basic algorithms for everyday development
-
range-utils
Utils to work with ranges
-
magnitude
infinity and beyond!
-
astar_rust
astar search alogorithm
-
beetle-iter
A collection of basic iterators
-
oblivious_state_machine
defines an abstraction level to conveniently describe state machines
-
signal_processing
A signal processing library
-
toto
conversion method between basic numerical types
-
measurement-units
basic measurements units conversion such as length, mass, time, volume, percents
-
broccoli-ext
broadphase collision detection algorithms
-
knn
compute KNN
-
deterministic-finite-automaton
generic implementation of a deterministic finite automaton
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
seqdiff
Diff between two sequences
-
ys_differential_evolution
Differential evolution implemented
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
aoc_utils_by_nifalu
A small collection of utilities for the advent of code challenges
-
log4rs-gelf
TCP Handler and GELF Encoder to use with the log4rs logging framework
-
rustler_bigint
Handle Erlang's arbitrarily-sized integers
-
binary_modifier
read & write to buffer
-
eytzinger
implements the "eytzinger" (aka BFS) array layout
-
largest-remainder-method
The largest remainder method
-
crc32-aixm-fast
SIMD-powered implementation of CRC-32/AIXM (CRC-32Q)
-
mop-solvers
Solvers for MOP
-
robin_merge
merging vectors round-robin style
-
cellular-snapp
Create cellular automata
-
bloomfilter-rust
A bloomfilter implementation in Rust
-
varisat-internal-proof
Internal proof format for the Varisat SAT solver
-
atomex
Atomics extensions in Rust
-
dft
The package provides an algorithm to compute the discrete Fourier transform
-
logicng-open-wbo-sys
LogicNG Bindings for OpenWBO
-
block-array-cow
In memory array de-duplication, useful for efficient storing of a history of data versions
-
rdeck
choosing distinct random elements
-
graph_solver
An undirected graph constraint solver for node and edge colors
-
sorts
A collection of sorting algorithms
-
perchance
Very simple random number generation optimized for ease of use
-
spsa
Simultaneous perturbation stochastic approximation
-
dispnet-shared
Shared Library used for Dispnet
-
nommy
Type based parser
-
library_of_babel
Babel in Rust
-
optimization
Collection of optimization algorithms
-
ezing
Easing functions
-
slice-find
SliceFind trait add .find() method (for search sub-slice in slice) to Vec, slice, fixed-length-slice in standard library
-
GSL-sys
binding for the GSL (the GNU scientific library)
-
tierkreis-runtime
Runtime implementation for the tierkreis quantum-classical hybrid workflow orchestration tool
-
npc-engine-utils
module of the NPC engine, providing re-usable support code
-
lcs_rs
longest common subsequence
-
r30_rs
A psuedo-random bit generator in Rust implemented with the Rule-30 elementary cellular automata
-
bones3_core
The core functionality for the Bones Cubed plugin for Bevy
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
biterator
iterating over individual bits in a byte stream
-
pi_hash
Provide unified hasher, HashMap and HashSet, The hash algorithm used can be determined by compiling conditions
-
isogeometric_analysis
Create implementing algorithms related to Isogeometric Analysis. Bezier, B-spline, NURBS, numerical integration and isogeometric approach to PDE approximation.
-
phreak_rules
Rule matching algorithm focussed on speed
-
kette
Iterator tools
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
map-gen-2d
2D map generation algorithms implementaion
-
synevi_types
A leaderless, consensus library based on Apache Cassandra's Accord algorithm
-
rustlex_fsa
manipulating (deterministic) finite automata
-
refset
A non-owning HashSet
-
mgraph
performance-oriented graph library for Rust
-
search-autocompletion
Search Auto Completion
-
rusty_grammar
A modified CYK algorithm to work for Language
-
string-ring
A circular string buffer with character- and line-level granularity
-
biterate
API for Gurobi optimizer
-
rs-graphs
Graph algorithms in Rust,图算法库/图数据库
-
tmn
Instrument for working with complex numbers and quaternions
-
oefpil-sys
Rust FFI bindings to statically linked C/Fortran library OEFPIL
-
searchsort
trait implementing Binary Search and Quick Sort algorithms
-
enso-generics
supporting generic programming
-
jawe-cuvs-sys-iv
Low-level rust bindings to libcuvs
-
liff
Fast levenshtein diff, fastest as we can do with levenshtein
-
hatmil
HTML builder
-
simplegraph
graph implementation
-
aleph-alpha-tokenizer
A fast implementation of a wordpiece-inspired tokenizer
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
finite-state-automaton
A minimal DFSA implementation based on Jurafsky & Martin (2009)
-
crc_all
A Pure Rust Implementation of Generic CRC Algorithm
-
aliasmethod
Walker's Alias method
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
wav2json
that decodes wav audio files into json waveform data
-
verhoeff
algorithm, for number checksums
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
tryingarraylist
arraylist implementation
-
glushkovizer
Manipulation, regular expression and automaton library. Allows conversion of regular expressions into automata and analysis of automata and their orbits
-
webmerc
port of globalmaptiles.py
-
ffuzzy
generate / parse / compare ssdeep Context Triggered Piecewise Hashes (CTPH)
-
ms2
that replicates the ms package from TypeScript for Rust
-
easey
Easing functions for interpolation between 0.0 and 1.0
-
soplex-sys
FFI bindings to the SoPlex LP solver
-
gpt-partition-type
getting information about a GPT partition from its partition type GUID
-
gsl_rust
A safe GSL wrapper
-
suitesparse_ldl_sys
Raw bindings to SuiteSparse's LDL algorithm
-
zhong_rust_lib
adding two integers
-
fastnoise-lite
FastNoise Lite is an extremely portable open source noise generation library with a large selection of noise algorithms
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
str-similarity
A string similarity library
-
tree_multiset
A tree-based multiset for Rust
-
sacabase
Base types and functions for suffix arrays and longest substring search
-
simple_graph_algorithms
goal of making running graph algorithms as easy as possible
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
english-to-cron
converts natural language into cron expressions
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
fuzzerang
Efficient random number generators and distributions for fuzzing
-
prime-number-utils
generate prime numbers and to determine whether a number is prime efficiently
-
signalo_pipes
A collection of pipes used in 'signalo' umbrella crate
-
easing
Leveraging Rust's powerful iterators for easing
-
simple_genetic
aid with genetic learning
-
interiors
Primal-Dual Interior Point Method for Nonlinear Programming
-
extended_matrix
A matrix calculation module
-
puzzle-utils
Puzzle solving utilities
-
sincere_token
token
-
circular-array
A circular array that allows infinite pushes into a fixed-size array
-
cycle_cursor
Cyclic cursor implementation over generic iterators
-
jaro_winkler
Fast implementation of Jaro-Winkler for comparing two strings
-
get_move
Index-like operations that returned owned values
-
rtriangulate
Delaunay triangulation on a set of points
-
kernel-density-estimation
Kernel density estimation in Rust
-
bitset-fixed-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
asearch
Approximate pattern matching on Rust
-
streemap
Set of tree map algorithms (binary, squarified, ...)
-
lazy-char-iter
Lazily iterate over Unicode characters from a u8 slice in Rust
-
phf_mac
Compiler plugin for perfect hash function data structures
-
openmodel
Geometry library for structures
-
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…
-
kodama
Agglomerative hierarchical clustering
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
linreg
Calculates linear regresssions of two-dimensional data. Does not use stdlib, only depends on numeric traits.
-
optimum
Future Framework to solve optimization problems
-
pso_rust
famous PSO method
-
stackbt_automata_impl
Automata implementations for StackBT
-
co_sort
Sort arrays given a permutation
-
quickbacktrack
back tracking with customizable search for moves
-
intersection_detection
Compute intersections between 2D lines
-
vector_mapp
A Vec based map
-
iterator_item
a generator syntax experiment
-
distributed-cards
Implements the mental poker shuffling algorithm
-
permissive-search
Implementing user-friendly search interfaces in Rust, no-std
-
skelly
Skeleton animation and IK
-
dsar
Data Structures & Algorithms in Rust
-
arkley_numerics
This module provides various number representations and calculations that represent several structs and enums that represent common mathematical numbers such as fractions, standard form, and decimals,
-
compile-rand
Compile-time random integers
-
kd-tree-rs
k-d tree
-
graph-neighbor-matching
Graph similarity score using neighbor matching
-
minecraft_end_generation
The minecraft end generation implemented in rust
-
lev_distance
A copy of Levenshtein distance implementation from Rust Compiler
-
fsm
Finite State Machine library, provide State and Event types, then create a machine with an initial state, give it some transition behaviours and you have your state machine!
-
puzzle24
solving Twenty-Four Sliding Puzzles
-
scour
A fuzzy search algorithm
-
norm
A collection of distance metrics on strings
-
rxqlite-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
jawe-cuvs-sys-iii
Low-level rust bindings to libcuvs
-
cdt
Fast, robust constrained Delaunay triangulation
-
prandom
Some PNRG algorithms implemented in Rust
-
xxhash-c-sys
Bindings to xxhash
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
street-engine
procedurally generating transport networks
-
win95-keygen
A lightweight library to generate valid Win95 product keys
-
statest
statistical test
-
audiograph
An audio graph optimised for performance and limiting runtime allocations
-
nnapi-sys
FFI to the Android NNAPI
-
algen
A parallelized genetic algorithm runner
-
faex
A fast and efficient Compact Data Structures Library
-
fsm-rust-jb
FSM (with effects, like Mealy machine) implementation in Rust
-
unique_ptr
smart pointer implementation in Rust
-
clipper2c-sys
Exposing unsafe FFI for Clipper2 library for Rust
-
automata-like-programming
that provides mechanisms for controlling the flow of execution in imitation of an automaton
-
curri
Functional Programming Tools
-
constrained_int
Integers that are constrained within inclusive ranges
-
gosh-fire
FIRE algorithm for geometry optimization
-
full
Matrix and array types for numeric values
-
wgdiff
LCS-based diff algorithm
-
game-solver
Solve any combinatorial game
-
xfft
Fast Fourier Transforms
-
to_precision
Write out a float rounded to the given position
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
star-constellation
Nested threshold aggregation built on the STAR protocol
-
fera
An aggregation of algorithms, data structures and supporting crates
-
grid_shapes
A general purpose 2d grid shape library
-
n18tile
Defines 18xx tile elements and track networks
-
semanticsimilarity_rs
designed to compute similarity/distance metrics between embeddings
-
morel
A string searching library
-
xias
Explicit numeric type conversions
-
prefix_sum
prefix sum data structure
-
imei
number validator
-
arboretum-td
CLI for obtaining exact and heuristc tree decompositions for arbitrary graphs
-
shannon-entropy
calculate the Shannon entropy of a string
-
reorder
slice based on a slice of indices
-
fera-graph
Graph data structures and algorithms
-
perm
-
rasengan
Circular buffer with overwrite on overflow
-
automaters
Implémentation d'automate en Rust. (FSM, NFA, DFA, NDFAE)
-
sortable-quick-unique-id
The Sort-able Quick Unique ID system
-
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
-
emas_rs
Rust-based EMAS optimization algorithm
-
sharded-counter
A fast and concurrent counter
-
hmm
Hidden Markov Model
-
eprmutate
Permutation Library
-
koper
project
-
loaded_dice
sampler for loaded dices, implementing the alias method
-
pire-gemm-s16s16s32
high performance cpu kernels
-
bogo-plus-plus
Blazingly fast 🚀 AI 🤖 Powered Sorting algorithm
-
numcmp
Comparison between differently typed numbers
-
aporia
A flexible random number generation library
-
ipopt-src
Redistribution of Coin-OR Ipopt as a crate
-
gut
Geometry utilities: storing, manipulating and processing geometries
-
minterpolate
Data set interpolation for mint primitives and raw arrays
-
rmath
math library
-
very_simple_trie
A Trie or prefix tree is a specialized tree-like data structure used for efficient storage
-
klu-rs
Save bindings to SuiteSparse's KLU sparse matrix solver
-
clamped_values
generic
ClampedValue
struct that stores a value and ensures that it is always within the specified minimum and maximum values -
pcg-mwc
A fast non-cryptographic psudo random number generator
-
geass
15puzzle solver
-
boolean
Straightforward re-useable enum based boolean (which you likely won't need =))
-
asura
in Rust
-
griditer
Contains a couple of iterators for implementing 2D grid based algoritms
-
geo-rand
Generate random geometric shapes
-
rost
sorting
-
linprog
A linear programming library
-
securerand
a create that extends getrandom to harden the entropy and provide a more useful api
-
comtesse
graph utilities
-
grue
Various tools and algorithms for building role-playing and adventure games
-
rexl
Common Library for Rust
-
flat-veb
Fast implementation of vEB trees without internal allocation
-
beehive
collections for 3D hexagonal maps
-
rene
Computational geometry
-
tenhou-shuffle
Tenhou Deck/Wall-Shuffling Algorithm
-
omnitool
A curated respository of algorithms and data structures. The libraries are included as forks of Rust codebases
-
symmetria
numerical library
-
threed-ice
The package provides an interface to 3D-ICE
-
hexf-parse-libm
Parses hexadecimal floats (see also hexf)
-
bentobox
A fast, allocation-free Monte Carlo model of a top-N podium finish in racing events
-
depper
basic dependency validation
-
random_sequence
Generate a random shuffle of the numbers between start (inclusive) and end (exclusive)
-
fuchsia-cprng
Fuchsia cryptographically secure pseudorandom number generator
-
randish_rs
Generate predictably random like numbers using LCG
-
kube_quantity_2
kube_quantity is a library adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
const_lookup_map
Rust map that can be defined in a const context
-
reachability_solver
A linear reachability solver for directional edges
-
extrema
C++'s minmax_element implementation in rust
-
mincost
A collection of modern heuristic optimization toolkit
-
graphiti
macro dsl and builder for creating and describing arbitrary sets of related data using a serializable description type
-
rust_bresenham
determining Bresenham lines
-
drain_at_sorted_unchecked
Terribly unsafe but highly efficient function that allows removing items from a vector with few moves
-
konnoohmachi
Efficient spectral smoothing
-
yfft
fast Fourier transform library optimized for small, power-of-two, single precision transforms and x86 systems
-
glar-gemm-c64
high performance cpu kernels
-
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
-
fux_kdtree
K-dimensional tree implemented in Rust for fast NN querying
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
sixarm_assert
Assert macros for Rust tests. By SixArm.com.
-
bellande_probability
running Bellande Probability calculations via API
-
sprs_suitesparse_camd
sprs bindings to the suitesparse camd fill-in reducting ordering
-
sonic-url
URL-based request builders and parsers for SONIC distributed contracts
-
narcissistic
number searcher
-
fibonacci_codec
fibonacci coding for primitive integer types
-
rcalc_lib
Mathematical expression calculation library
-
distance_difference_triangulation
Position triangulation from differences of distances
-
dyn_ord
Equality and ordering for trait objects
-
intersect2d
Line segment intersection detection
-
heterogeneous_graphlets
computation of heterogeneous graphlets
-
partopo
Functions to execute work described by a dependency graph
-
cuv
Compressed unit vectors that can be used to store things like normal vectors efficiently
-
bigdecimal-no-std
Arbitrary precision decimal numbers
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
etcd_dynamic_state
Etcd dynamic state library
-
rankmap
rust hash table supporting key ranking
-
d4-cadical-sys
wrapper around CaDiCaL for d4
-
basic_dsp_interop
Digital signal processing based on real or complex vectors in time or frequency domain
-
test_tools
Tools for writing and running tests
-
cytogon
Mesh generation library based on cellular automata
-
advancedresearch-max_tree
maximizer library based on a maximum tree structure
-
hkalbasi-rustc-ap-rustc_data_structures
Automatically published version of the package
rustc_data_structures
in the hkalbasi/rust repository from commit e77366b57b799dfa3ce1fcb850c068723a3213ee The publishing script for this crate lives at: https://github… -
batbox-approx
Approximate comparison
-
randge
Generate unique random numbers
-
fast-noise-lite-rs
FastNoise Lite written in rust
-
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>
-
seeded-random
deterministic randomness
-
pluum
very sweet
-
mathlogic
made by Faizan Faisal, Email: f.f.programmer@gmail.com, f.f.programmer@hotmail.com
-
parsedown
Markdown to html parser
-
reverse-lines
Rust Iterator for reading files line by line with a buffer in reverse
-
luhn_tools
A fast, minimal implementation of the Luhn algorithm
-
ecoord-transform
Supplementary operations for transforming between 3D coordinate frames
-
spaced-repetition-rs
A spaced repetition algorithm based on anki and supermemo
-
brzozowski-regex
Brzozowski regular expressions
-
totsu_f32cuda
CUDA linear algebra operations for
totsu
/totsu_core
-
pincer
Generate permutations & combinations
-
wordle-automaton
Solve wordle puzzles
-
ptnet-core
Core types and traits for modeling and simulating Place/Transition nets
-
randlib
Dependency-less random value generator using pointer addresses and time
-
voml-collection
Collections for VOML
-
didppy
Python interface for Dynamic Programming Description Language (DyPDL) and DyPDL solvers
-
uell
A bumpalo-based Unrolled Exponential Linked List
-
spral
Rust wrapper for SPRAL
-
fxtypemap
A fast type map based on internal hasher used in Firefox and Rustc
-
integer-hasher
std::hash::Hasher
which does not hash at all -
moveslice
A one-function crate to move chunks in a slice around
-
alg-grid
Algorithms for pathfinding in a 2D or 3D grid
-
gemm-f64
Playground for matrix multiplication algorithms
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
spatium
Spatium. Calc distance between sequences.
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
candle-gemm-common
Playground for matrix multiplication algorithms
-
or-iterator
Rust iterator which takes two iterators and returns non-empty one
-
transvoxel
Eric Lengyel's Transvoxel Algorithm
-
vebtrees
Van Emde Boas trees
-
four-bar-ui
Four🍀bar GUI is a simulator, a synthesizing tool for four-bar linkages
-
heapify
Convenience functions to turn slices into max-heaps
-
gossip
A generic gossip library that uses gossip-based peer sampling
-
downsample
keep downsampled history of data over long period of time
-
varisat-formula
Basic formula data types used by the Varisat SAT solver
-
fpopt
a wrapper around manipulating floating point flags
-
bpci
Binomial proportion confidence intervals
-
istos
graphs
-
beehave
defining and evaluating a hierarchical state machine (behaviour tree)
-
typebitset
Type-level bitset implementation
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
simdutf8
SIMD-accelerated UTF-8 validation
-
label-propagation
Label Propagation Algorithm by Rust
-
gkquad
Numerical integration library for Rust
-
gurobi
An unofficial Rust API for Gurobi optimizer
-
exotic-iter
My personal collection of special-case iterator methods
-
ordered-map
A HashMap, with the capability of accessing the keys and values in order
-
nyar-number
Numeric types with GC optimization
-
memoires
Memoization for Rust
-
qip-iterators
Iterators for tensor product matrix multiplication
-
ts_static
Wrapper macro for lazy static and a struct to aid in accessing a static in a thread safe way
-
std_tools
Collection of general purpose tools for solving problems. Fundamentally extend the language without spoiling, so may be used solely or in conjunction with another module of such kind.
-
ca4rs
Cellular Automata for Rust
-
twentyfour
A solver for the 24 card game
-
fasthash
A suite of non-cryptographic hash functions for Rust
-
sorted-list
SortedList data structure which allows mapping an Ord key to multiple distinct PartialEq values
-
permutation-generator
A direct permutation generator
-
eirproject/libeir_tests
Erlang ecosystem common IR
-
integer-cbrt
integer cube root algorithm for primitive rust types
-
epoint
processing 3D point clouds
-
more-iter
More iterator utilities
-
mbd
modified band depth that also compiles to WASM
-
near_enough
finding the difference between two values, and for getting the closest match from a set
-
sbitty
defining bitwise operations on standard integers type
-
galil-seiferas
General string search in constant space, linear time, for nonorderable alphabets
-
simplerandom
pseudo-random number generators
-
iterators-collection
A set of general purpose iterators useful but not included to the standard library
-
sift4
string distance algorithm. It is very fast and returns results similar to levenshtein
-
igs
solving impartial games
-
dep_crusher
Starting at a root node, traverse the dependency graph and flatten it
-
bitwise
Portable high-level bitwise manipulation algorithms
-
id-generator
generate id
-
hash_arr_map
Hash maps with an array part, like Lua's tables
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
mc64
Sparse matrix scalings
-
dynforest
dynamic forest management
-
spare_buffer
A wrapper around Vec that provides access to the “spare” capacity of the vector as a mutable slice
-
flo_sparse_array
Sparse array data type: a fast map between usize values and data
-
czt
The package provides an algorithm to compute the chirp Z-transform
-
csparse21
Sparse Matrix Solver
-
regalloc
Modular register allocation algorithms
-
floating-distance
Measure distance between floating-point vectors in Rust
-
alea-js
Rust port of the javascript alea rng
-
unrolled-linked-list
unrolled linked list in rust
-
rle-bitset
A no-std, no-alloc trait for querying and manipulating bits in a
[usize]
and iterating their run lengths -
string_calc
Perform calculations based on String to avoid floating point errors
-
cellular_lib
simulation of cellular automata
-
webgl-rs
Safe Rust wrapper around the WebGL API
-
gcm-lcm
Greatest convex minorant, least concave majorant
-
building_blocks_procgen
Algorithms for procedural generation of voxel data
-
babushka
bin packing and nesting library
-
proportionate_selector
Selecting useful solutions for recombination via fitness proportionate selection
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
pcg32
No-frills PCG32 random number generator implementation
-
cubing_core
Features from
cubing.js
in Rust -
numext-constructor
Fixed-size uint and hash constructor
-
pocket_prover-set
A base logical system for PocketProver to reason about set properties
-
rand_pcg
Selected PCG random number generators
-
rusty_algo
Implementations of algorithms from 'Introduction to Algorithms' by Cormen et al
-
crc-32c
Comput CRC-32C using accelerated SIMD and fusion algorithm
-
prim_int_kind
Enumeration whose variants represent kinds of primitive integers
-
but-what-about
A permutation & combination calculation crate for rust
-
rustsat-batsat
Interface to the SAT solver BatSat for the RustSAT library. BatSat is fully implemented in Rust
-
generic-ec-core
Core traits of
generic-ec
crate -
triangulate
Subdivides polygons into equivalent triangles
-
hexagon-map
Coordinate transformation and pathfinding for hexagonal maps
-
bigfloppa
Arbitrary precision decimal numbers
-
moving-least-squares-image
Image deformation using moving least squares
-
retain_range
Extension of Vec::retain to operate only on part of the vector defined by a range
-
object-detection-opencv-rust
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
branchless
Algorithms and data structures designed to maximize performance on superscalar processors
-
rusty-perm
permutation with no-std
-
radiate-rust
genetic algorithms and artificial evolution
-
rev_bits
reverses bits in a specified range
-
Algod
Many types of rust algorithms and data-structures
-
parametrics
working with parametric functions
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
vector-expr
Vectorized expression parser and evaluator
-
genetic-algorithm-tsp
Using genetic algorithms to solve Traveling salesman problems
-
crc16-cdma2000-fast
SIMD-powered implementation of CRC-16/CDMA2000
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
framp
Fork of James Miller's Ramp, a high-performance multiple-precision arithmetic library
-
powers-pf
Power flow algorithms
-
tipping-rs
Token Interdependency Parsing (Tipping) algorithm
-
linear_solver
A linear solver designed to be easy to use with Rust enum expressions
-
priority_container
Datastructure to find n biggest/smallest items within a large set
-
bit-list
A lazy list of bits
-
entropiter
A no-dep iterator-compatible frequency and Shannon entropy calculator
-
vertical-multiplication
Vertical multiplication step by step
-
sorting_explorer
An exploration of various sorting algorithms
-
geo-buffer
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton
-
plumtree
algorithm
-
cyclic_data_types
Cyclic data types are series of structs, enums, types and functions to create a series of fast data types
-
simple_permutator
create permutations of a list of values. Eg Permutator::new(&[1,2,3]) creates an iterator that yields [1,2,3], [2,1,3], [2,3,1], [1,3,2], [3,1,2], [3,2,1]
-
savant_rs
Savant rust optimization library
-
opensimplex_noise_rs
OpenSimplex noise algorithm implementation in Rust
-
shr3
3-shift register random number generator
-
fixedbitset-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
rand_krull
Krull64/65 random number generators
-
hidden-median
Finds the median of two lists, when merged without breaking sorted state
-
burster
Lightweight stack allocated rate limiter implementations
-
aderyn_core
Rust based Solidity AST analyzer backend
-
carbon14
file-system forensics
-
revonet
real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also known as neuroevolution.
-
resistor
calculating the resistance of a resistor based on the color bands
-
keyde
Fast, Dependency-free Spacial Queries
-
ord-by-set
providing a weakly ordered multi-set with compile-time configurable ordering scheme
-
lolraft
A Multi-Raft implementation in Rust language
-
struct-map
struct transform map or map transform struct
-
range-compare
compare ranges
-
piston-history_tree
A persistent history tree for undo/redo
-
lemonmath
A math library
-
assoc
Treat vectors like associative arrays
-
lit-vek
iter! and vek! macros for nicer literal syntax
-
numext-fixed-uint-core
A internal crate used by numext-fixed-uint
-
b_error
existential error type with conversions
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
wy
wyhash algorithms
-
modulo
operation
-
closest-sum-pair
Finds a pair in a list that has the closest sum to a given number
-
b2c2-parser
b2c2におけるBASICコードのパーサー?
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
waitmap
an awaitable concurrent hash map
-
heapp
Some heap operations on slice
-
string_search
searching strings using substrings
-
kmpsearch
String/Byte pattern searching within byte slices or strings, using the Knuth Morris Pratt algorithm
-
weighted_levenshtein
Generic implementation of Levenshtein distance allowing arbitrary weighting of operations
-
few
A generalization of
std::Option
allowing for up to two optional values -
autobahn-hash
HighwayHash, a fast and strong SIMD hash function
-
rtt
Rapidly-Exploring random trees path planning algorithm
-
bonmin-src
Redistribution of Coin-OR Bonmin as a crate
-
byte_conv
conversion traits to bytes
-
a-star_traitbased
Implemetaion of A* useful for stuct, based on train implementation
-
deus
waifu2x solver
-
worlde-automaton
Solve worlde puzzles
-
ceetle
A Computional Tree Logic (CTL) Verifier
-
is-real
real?
-
segmentmap
A collection that maintains insertion order
-
comprende
Python-style collection comprehensions in Rust
-
hexlab
A hexagonal maze generation and manipulation library
-
schindel
rust min-shingle hashing
-
truetree
Trees in Rust
-
dependent_sort
A special topological sorting that can arrange the same group of objects together, used to manage dependencies
-
f3l_surface
3D Point Cloud Library
-
fast-float-to-integer
Convert floating point values to integer types faster than the standard
as
operator -
nilsimsa
locality-sensitive hashing algorithm
-
kdtree-rust
KDTree
-
vec_rand
Vec generator to hold random contents
-
wikiboos_rpn_calc_test_ver
RPN(Reverse Polish Notation) library
-
common_substrings
Finding all common strings
-
scialg
A collection of scientific algorithms
-
hamming-heap
Amortized constant time min heaps for binary features in nearest neighbor searches
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
intset
Various integer set data structures, each efficient for different operations
-
radiate-extensions
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and regression analysis
-
murmurhash64
MurmurHash2 (64bit version)
-
simple-easing2
Set of simple easing functions
-
neutils
Utitlity functions
-
quickphf_codegen
Code generator for creating static maps and sets for use with quickphf
-
d4-mpfr-sys
wrapper around MPFR for d4
-
small_str
A String-like but using SmallVec internally
-
nefsm
state machine library for Rust
-
prns
fast random-access pseudo-random number generator
-
strtools
containing various string utilities
-
vlq-rust
Variable-Length Quantity encoder/decoder
-
n18game
assets and logic for 18xx games
-
tlsh
Rust port of Trend Micro Locality Sensitive Hashing
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
prime_bag
A bag datatype that used unsigned integers for storage
-
round2rs
Based on round-to NPM Crate
-
kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
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.
-
hash-trie
Hash Array Mapped Trie (HAMT) Immutable Set Implementation
-
sacapart
Partitioned suffix arrays, for use with
sacabase
-
rolling-set
A first in first out set that never grows above a certain size
-
varisat-dimacs
DIMCAS CNF parser and writer for the Varisat SAT solver
-
toolbox
tools for daily use
-
docchi_archiver2
A serializer which compresses integers
-
pire-gemm-f16
high performance cpu kernels
-
seezee
A seekable
zstd
compressed buffer -
iter_vec
vector of iterator but specialized for std::slice::Iter
-
libpuri
Idiomatic Rust Competitive Programming Library
-
debug_sat
A debuggable automatic theorem prover for boolean satisfiability problems (SAT)
-
wheelbuf
wheelbuffer crate offers a ringbuffer-like structure without a read pointer, making multiple reads of a buffer possible. The store behind the buffer is flexible and can be a static array…
-
almeida-estimator
Improved OFPS implementation of robust camera position estimator paper by Almeida et. al
-
train-map
Trained HashMap
-
candle-gemm
Playground for matrix multiplication algorithms
-
displayr-rustr
R integration
-
for_each
Apply macro for each element of a list
-
permutations_iter
Generate permutations iteratively without recursion in O(n) time
-
adler32fast
Fast, SIMD-accelerated Adler-32 checksum computation
-
itertree
Hobby project to experiment with tree traversal using iterators
-
onemax-oxigen
OneMax simple problem resolution using oxigen
-
hash-match
Optimized pattern matching alternative
-
type_constructor
Fundamental data types and type constructors, like Single, Pair, Many
-
usize_conversions
Conversion traits for conversions between
usize
and fixed sized integers -
ordslice
Extensions for ordered slices
-
genesys-dice-roller
dice rolling library for genesys dice strings
-
math-interpolate
Linear interpolation between two points to calculate the 3rd point
-
log_buffer
A zero-allocation ring buffer for storing text logs
-
tilecover
Generate the minimum number of tiles to cover a geometry
-
shash
An arbitrary-length-input hash function for competitive programming and experimental purposes
-
hipblas-sys
Bindings for HIP blas
-
hyperid
Superfast id generator
-
codek
Codec trait
-
path-finding-lib
variety of path finding and graph operations. Work in progress.
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
fifo-set
FIFO queue with unique elements
-
autocomplete
Auto-complete feature using Trie data structure
-
tree-edit-distance
Find the lowest cost sequence of edits between two trees
-
inohashmap
fast and efficient insert only string hashmap
-
r-toml
Regular subset of TOML
-
gen-iter
temporary util for creating iterators using generators
-
minkowski
2D Minkowski sums of polygons
-
alg_ds
Algorithms & data structures
-
every-range
Iterator for interleaving included and excluded ranges
-
affine_transforms
(Pre Release Package) Does linear transformations in R3
-
xoroshiro128
Fast psuedo-random number generators
-
cosiest_noisiest
allows generating 1d noise at arbitrary points
-
rehexed
Adjacency lists for hexasphere's icospheres
-
rlp-iter
An iterator following a space-filling pattern over a given range
-
ivy-random
random utility functions to the ivy framework
-
xorwowgen
Several implementations of the Xorwow algorithm
-
broccoli-rayon
broadphase collision detection algorithms
-
crc32-mpeg2-fast
SIMD-powered implementation of CRC-32/MPEG-2
-
boomphf-patched
Scalable and Efficient Minimal Perfect Hash Functions (version modified by Piotr Beling)
-
n_best
Convenient collection to gather the N highest elements, and discard the others
-
crc16
A CRC16 implementation
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
crczoo
CRC Zoo: A collection of Cyclic Redundancy Check (CRC) algorithms
-
eprng
Extremely Pseudo RNG
-
cliff
Find the load at which a benchmark falls over
-
benford
test the Benford-ness of a given set of numbers
-
cdivsufsort
Rust bindings for Yuta Mori's divsufsort
-
qhull-sys
Rust bindings to Qhull
-
perlin2d
Lightning fast 2D Perlin Noise generator
-
index-sort
Sort containers by index using user-specified swap and compare functions
-
mightrix
treat continous memory as a matrix
-
jumpch
Jump Consistent Hashing is a fast, minimal memory, consistent hash algorithm
-
laizy
stable and thread-safe implementation of a lazy value
-
grid_search_cardinal_common
Reusable components for use implementing uniform-cost cardinal grid-searching algorithms
-
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. -
randomizer
A random string/byte generator
-
sort-rs
exposing sorting algorithms
-
frozenset
frozenset(), for Rust
-
pire-gemm-f32
high performance cpu kernels
-
delsum-lib
most functionality for the delsum crate
-
matx
A lightweight, rusty matrix library that allows for simple and fast matrix operations
-
integer-iterator
Add the ability to iterate over the digit of all primitive integer types. Also exposes the trait so one can implement it oneself.
-
sonare
Runtime environment for formally-verifiable distributed software
-
wildflower
Wildcard matching against strings
-
hilbert_curve_generator
A WIP Hilbert Space-Filling Curve Coordinate Generator
-
map_to_range
map numbers from on range to another
-
sprs-rand
Random sparse matrix generation
-
algae-graph
Algae is a collection of core algorithms and data-structures, written in Rust
-
py-fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
iterwindows
An iterator adapter to iterate over all contiguous windows of length N
-
maze_generator
different maze generation algorithms
-
vector_calculus
A single easy-to-use library for all vector calculus computations
-
vqsort-rs
Rust bindings for the Google Highway's vectorized quicksort
-
weighted-rs-1
A libray for weighted balancing algorithm
-
orc-format
Unofficial implementation of Apache ORC spec in safe Rust
-
max-subarray-sum
Finds the maximum subarray sum in a list
-
xxhash-rs
Safe Rust implementation of xxHash
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
xxhash-c
Safe wrapper to xxhash
-
variadic_from
Variadic from
-
bubblesort
Bubblesorts stuff
-
integer_scaling
IntegerScaling wrapper for those who prefer snake_case
-
dda-voxelize
3D mesh voxelization with the DDA algorithm
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
waifu
solver
-
fd-oxigen
Fast Downward planner parameters optimization using oxigen
-
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…
-
static_merkel_tree
Static Merkel Tree is dedicated for generating Merkle Root and Merkle Proof for a static list of items
-
unity-random
A reimplementation of Unity's pseudo-random number generator
-
aabel-hashmap-rs
implements extensions for HashMap
-
uncertain
Fast and correct computations with uncertain values
-
impls_index
Several of macros to put each function under a named macro to index every function in a class
-
pi_guid64
An GUID Generator
-
choose-rand
A small crate for choosing random items from a set of weighted items
-
number_traits
number traits
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
relp-bin
An exact linear program solver written in Rust
-
dists
2d distribution generator
-
is_42
blazingly fast way of checking if a variable is equal to 42
-
number-utils
A calculation crate
-
graphfind-rs
finding patterns in graphs
-
elements-frequency
Finds the frequency of elements in a list
-
diamond-square
Generate heightmap using diamond-square algorithm
-
gemm-common
Playground for matrix multiplication algorithms
-
integer-partitions
Efficiently enumerate integer partitions
-
kagemeka
Kagemeka's Rust Package
-
fingles
hash-based text similarity analysis
-
moving-least-squares
Image deformation using moving least squares
-
const-crc32
A
const fn
implementation of crc32 checksum algorithm -
midpoint_circle
midpoint circle algorithm
-
matrixlab
A matrix library that supports both sparse and dense matrices
-
primitive_traits
Traits over primitive types. Particularly stuff not covered by num-*.
-
totsu_f64lapack
BLAS/LAPACK linear algebra operations for
totsu
/totsu_core
-
pmsa
Parallel Mergeing of two Sorted Arrays
-
fixit
Converts infix (human-readable) expression tokens into postfix (Reverse Polish Notation) order
-
prksort
Merge Sort and Quick Sort algorithms in Rust
-
modicum
Modular arithemtic library in pure Rust
-
sparsemat
sparse matrix library
-
bigdecimal-rs
Arbitrary precision decimal numbers
-
onesies
Count the number of bits set to 1 in an integer
-
acorn_prng
A no_std, 0 dependency, pseudo-random number generator based on the ACORN algorithm
-
fastcmp
A fast byte slice comparison library
-
rand-bits
Random number generators with a fixed number of set bits (ones)
-
quad3
quadtree implementation in Rust
-
shuffled-iter
Iterate through a set of values in random order without allocating them all
-
rolling-dual-crc
Rolling CRC with 32-bit CRC32C and 64-bit CRC64/XZ
-
ecosystem
A small genetic algorithms library
-
pef
Partioned Elias-Fano encoding for sorted integers
-
mx3
algorithm providing a bit mixer, pseudo-random number generator, and hash function
-
psy-math
A fork of jet-proto-math. Helpful math utilities, used by PsyLend.
-
tree-struct
A general-purpose Tree implementation in Rust
-
candle-gemm-f32
Playground for matrix multiplication algorithms
-
hash-algorithms
Hash, generally translated as hash, hash, or transliterated as hash, is to transform any length of input (also known as pre image) into fixed length output through hash algorithm, and the output is the hash value…
-
imath
Rust port(ish) of Imath
-
fmul-to-int
Float multiplication to integer part
-
atlas-rb-tree
A textbook implementation of a Red-Black Tree
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
grid_search
Collection of searching algorithms
-
polytope
Data structures and methods for constructing polytopes
-
ccgeom
Constant curvature geometries toolkit
-
async_from
Async version of From, Into, TryFrom, TryInto
-
vbyte
variable length integer compression
-
poorentropy
Low-quality entropy generator for
no_std
crates -
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…
-
einsum-codegen
Helper for generating einsum implementation using proc-macro
-
wcensor
operate files from a command line
-
cumsum
Cumulative sum
-
squares-rng
Squares RNG for game development
-
multiview-estimator
Estimates camera motion using OpenCV's multiple view geometry estimator
-
jandom
Port of java.util.Random
-
number_easing
number easing functions
-
rusty-matrix
A generic matrix implementation
-
polysplit
Algorithm that allows to split polylines into segments by the defined list of points not necessary belonging to the polyline
-
radix-number
Rust port of Radix Core Number
-
wtest
Tools for writing and running tests
-
ploc
Point location library
-
RustyDSA
A libary for Rust data structure
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
statistics
The package provides a statistics toolbox
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
crc8-hitag-fast
SIMD-powered implementation of CRC-8/HITAG
-
yagen
Generator Implementation
-
sdbm
non-cryptographic hashing algorithm
-
multilayer
Protocol of modularity unifying interface of a module and introducing layers
-
lisa
longest increasing subsequence algorithm [ O( nlogn ) ]
-
sfmt
SIMD-oriented Fast Mersenne Twister (SFMT)
-
clear-ml
machine learning
-
ssri2
Various utilities for handling Subresource Integrity
-
rudoku-core
A Sudoku library for generating and solving Suokus
-
csinsertion_sort
Insertion sort implementation for indexable collections
-
radiant-utils
Radiant example code support library
-
c3-linearization
C3 linearization
-
multi_iter
Iterator for acting on multiple elements at a time
-
knapsack-oxigen
Knapsack problem resolution using oxigen
-
libpermute
A
no_std
compatible library that provides a function to permute the items of a slice -
iso_iec_7064
Support for check digit operations conforming to ISO/IEC 7064
-
dary
double-array construction and search functions
-
n18catalogue
Defines common 18xx tiles
-
basic-pathfinding
Tile-based A* pathfinding in Rust
-
cv-decoder
Detects frame motion using OpenCV
-
kdvtree
K-dimensional tree space-partitioning data structure
-
pi_rand
Custom random number generator
-
bufhash
Buffered hashing facilities
-
digits_iterator
Iterate over the digits of numbers in an arbitrary radix
-
nd_vector
[WIP] Lengthen! Shrink! Iterate! Scale! Twist and turn to your imagination along any dimension on a vector!
-
funny_crystal_hasher
Reimplementation of the funny_hash algorithm
-
hashdozen
A novel 48 bit hashing algorithm producing human-readables hashes
-
luhn3
A Luhn validation library
-
tiny_tco
A tiny dirt simple no_std tail call optimization library
-
cinnabar
graph algorithms and data strctures
-
rs-kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
rl-bandit
multi-armed bandit implementation
-
radiate_matrix_tree
Matrix Tree model compatable with Radiate's evolutionary engine
-
bareiss
Calculates the determinant of an integer square matrix
-
eternal_iterator
Trait implementation to promise that the iterator iterates forever
-
itemops
some operations on items of slices
-
boostvoronoi_core
Boost voronoi private workspace (this workspace will be re-integrated in the main crate in next release)
-
pire-gemm-f64
high performance cpu kernels
-
mycrc
Create your own cyclic redundancy check (CRC)
-
bernoulli
An exact Bernoulli distribution
-
checksum
Calculates crc32/crc64 file checksums written in Rust
-
triangulation
A collection of triangulation algorithms
-
ordered_vec
A trait that ensures that elements in a vector are pushed in a sorted order (both ascending and descending)
-
lineargen
Bit sequence generators based on LFSRs
-
isize-vec
isize sorted vector
-
constfft
providing an FFT API for arrays
-
tinyrand-std
Extensions for using tinyrand with std
-
smolmap
A hashmap on the stack
-
random-fast-rng
Blazing fast non cryptographic random number generator
-
rand-wyrand
The extremely fast WyRand PRNG for the rand ecosystem of crates
-
gen-combinations
A general combination generator
-
rust_array_set_range
that allows to set range of values in Rust's fixed size arrays
-
snappy_framed
Read and Write implementations for streaming, framed Snappy compression format
-
lights-out
lights out solver
-
curuam
lot of useful functions and structs like Ipv4, Ipv6, Mac, random_in_range, memcpy, checksum, EthHeader, IpHeader, and etc
-
gpp-solver
A small hybrid push-pull solver/planner that has the best of both worlds
-
algae-trees
Algae is a collection of core algorithms and data-structures, written in Rust
-
bufmut-netext
Small set of extensions for BufMut useful for protocol dev
-
slicetools
Add extra iterators to slices
-
rscompress-checksums
data checksums supporting rscompress
-
isnt-even-nor-odd
Returns true if the given number isn't even or odd
-
reservoir-buf
Dead simple interning