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