-
rand
Random number generators and other randomness functionality
-
itertools
Extra iterator adaptors, iterator methods, free functions, and macros
-
twox-hash
XXHash and XXH3 algorithms
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
fastrand
fast random number generator
-
rustfft
High-performance FFT library written in pure Rust
-
xxhash-rust
xxhash
-
tokenizers
today's most used tokenizers, with a focus on performances and versatility
-
siphasher
SipHash-2-4, SipHash-1-3 and 128-bit variants in pure Rust
-
crc
support of various standards
-
ff
building and interfacing with finite fields
-
sprs
A sparse matrix library
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
rstar
An R*-tree spatial index
-
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.
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
fnv
Fowler–Noll–Vo hash function
-
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
-
blstrs
High performance implementation of BLS12 381
-
extendr-api
Safe and user friendly bindings to the R programming language
-
wildmatch
string matching with single- and multi-character wildcard operator
-
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
-
backon
Make retry like a built-in feature provided by Rust
-
oorandom
A tiny, robust PRNG implementation
-
ena
Union-find, congruence closure, and other unification code. Based on code from rustc.
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
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
-
regalloc2
Backtracking register allocator inspired from IonMonkey
-
stringprep
algorithm
-
robust
adaptive floating-point predicates for computational geometry
-
fastcdc
(content defined chunking) in pure Rust
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
noise
Procedural noise generation library
-
i_overlay
Boolean Operations for 2D Polygons: Supports intersection, union, difference, xor, and self-intersections for all polygon varieties
-
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
-
dwrote
Lightweight binding to DirectWrite
-
topological-sort
Performs topological sorting
-
gcd
Calculate the greatest common divisor
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
gix-revwalk
providing utilities for walking the revision graph
-
easy-smt
Easily interact with an smt solver as a subprocess
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
microfft
Embedded-friendly Fast Fourier Transforms
-
phf_codegen
Codegen library for PHF types
-
special
The package provides special functions
-
differential-dataflow
An incremental data-parallel dataflow platform
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
rdrand
random number generator based on rdrand and rdseed instructions
-
openraft
Advanced Raft consensus
-
rand_regex
Generates random strings and byte strings matching a regex
-
kd-tree
k-dimensional tree
-
slice-group-by
Iterators over groups in slices and strs
-
levenshtein
algorithm
-
strength_reduce
Faster integer division and modulus operations
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
metrohash
high quality, high performance hash algorithm
-
arrow-data
Array data abstractions for Apache Arrow
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
ph
data structures based on perfect hashing
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
treediff
Find the difference between arbitrary data structures
-
murmur3
hash
-
rand_mt
Reference Mersenne Twister random number generators
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
pubgrub
version solving algorithm
-
bao
BLAKE3 verified streaming
-
timely
A low-latency data-parallel dataflow system in Rust
-
rphonetic
Rust port of phonetic Apache commons-codec algorithms
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
gxhash
non-cryptographic algorithm
-
prio
aggregation system core: https://crypto.stanford.edu/prio/
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
blake2_bin
a command line implementation of BLAKE2b/s/bp/sp and all their parameters
-
whisper-rs
Rust bindings for whisper.cpp
-
gemm
Playground for matrix multiplication algorithms
-
rand_hc
HC128 random number generator
-
adler
clean-room implementation of the Adler-32 checksum
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
oci-client
An OCI implementation in Rust
-
ostree-ext
Extension APIs for OSTree
-
orx-priority-queue
Priority queue traits and high performance d-ary heap implementations
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
jubjub
elliptic curve group
-
tpchgen
Blazing fast pure Rust no dependency TPC-H data generation library
-
rust-stemmers
some popular snowball stemming algorithms
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
genetic_algorithms
solving genetic algorithm problems
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
bm25
BM25 embedder, scorer, and search engine
-
osqp
(Operator Splitting Quadratic Program) solver
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
simplerand
fast random number generator
-
geo-clipper
Boolean operations on polygons
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
yada
double-array trie library aiming for fast search and compact data representation
-
k
kinematics
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
glissade
that provides various utilities for animations and transitions
-
interp
Matlab's interp1 function
-
fractional_index
fractional indexing
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
genetic_algorithm
A genetic algorithm implementation
-
quad-rand
Pseudo random implementation with core atomics
-
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
-
integer-sqrt
integer square root algorithm for primitive rust types
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
ext-sort
rust external sort algorithm implementation
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
raft
language implementation of Raft algorithm
-
tenthash
A high-quality, non-cryptographic, 160-bit hash function
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
mergable
user-friendly and efficient CRDTs
-
hyperloglogplus
HyperLogLog implementations
-
deep_causality
Computational causality library. Provides causality graph, collections, context and causal reasoning.
-
mpchash
A space-efficient (no need for vnodes) multi-probe consistent hashing algorithm
-
transpose
transposing multi-dimensional data
-
dbsp
Continuous streaming analytics engine
-
setsum
order-agnostic checksum
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
guacamole
linearly-seekable random number generator
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
levenberg-marquardt
algorithm built on top of nalgebra
-
halo2-base
Embedded domain specific language (eDSL) for writing circuits with the
halo2
API. It simplifies circuit programming to declaring constraints… -
cardinality-estimator-safe
Estimate the cardinality of distinct elements in a stream or dataset with no unsafe code
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
avalog
An experimental implementation of Avatar Logic with a Prolog-like syntax
-
clone_dyn
Derive to clone dyn structures
-
naive_opt
The optimized naive string-search algorithm
-
orx-v
Traits to unify all vectors!
-
blstrs_plus
High performance implementation of BLS12 381
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
quantiles
a collection of approximate quantile algorithms
-
twofloat
Double-double arithmetic functionality
-
scirs2-optimize
Optimization module for SciRS2
-
bpe
Fast byte-pair encoding implementation
-
neurons
Neural networks from scratch, in Rust
-
baby_shark
Geometry processing library
-
knossos
generating and rendering mazes
-
scuttle
A multi-objective MaxSAT solver
-
dmp
A high-performance library in that manipulates plain text
-
rithm
Arbitrary precision arithmetic
-
accurate
(more or less) accurate floating point algorithms
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
caches
popular caches (support no_std)
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
rucrf
Conditional Random Fields implemented in pure Rust
-
daachorse
Double-Array Aho-Corasick
-
bitm
bit and bitmap (bit vector) manipulation
-
fidget
Infrastructure for complex closed-form implicit surfaces
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
murmurhash32
murmurhash32_2
-
oort_api
APIs for Oort, a space fleet programming game
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
ringbuffer-spsc
A fast thread-safe single producer-single consumer ring buffer
-
biodiff
Compare binary files using sequence alignment
-
distances
Fast and generic distance functions for high-dimensional data
-
xorf
implementing xor filters - faster and smaller than bloom and cuckoo filters
-
chksum
hash functions with a straightforward interface for computing digests of bytes, files, directories, and more
-
bevy_knossos
generating and rendering mazes
-
linestring
line string toolbox
-
cam-geom
Geometric models of cameras for photogrammetry
-
bevy_math
math functionality for Bevy Engine
-
pairing_ce
Pairing-friendly elliptic curve library
-
graph
high-performant graph algorithms
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
tailcall
Safe, zero-cost tail recursion
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
optirustic
A multi-objective optimisation framework for Rust
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
trackball
Virtual Trackball Orbiting via the Exponential Map
-
incremental
computations, based on Jane Street's incremental
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
toodee
A lightweight 2D wrapper around a Vec
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
random_color
generating random attractive colors
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
bit-matrix
bit matrices and vectors
-
hlc-gen
Lock-free Hybrid Logical Clock (HLC) timestamp generator
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
atomic-traits
The traits for generic atomic operations
-
changeforest
Random Forests for Change Point Detection
-
syntree_layout
visualize trees from the 'syntree' crate
-
dlt-core
Parser and writer for autosar DLT Diagnostic Log and Trace
-
exhaust
Trait and derive macro for working with all possible values of a type (exhaustive enumeration)
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
centerline
finding centerlines of 2D closed geometry
-
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
-
dypdl-heuristic-search
Heuristic search solvers for Dynamic Programming Description Language (DyPDL)
-
jagua-rs
A fast and fearless Collision Detection Engine for 2D irregular Cutting and Packing problems
-
probminhash
Minhash algorithms for weighted Jaccard index
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
interpn
N-dimensional interpolation/extrapolation methods, no-std and no-alloc compatible
-
par-iter
Fork of rayon, with chili support
-
num256
256 bit integers
-
xiangting
calculating the deficiency number (a.k.a. xiangting number, 向聴数).
-
zspell
Native Rust library for spellchecking
-
error_tools
Basic exceptions handling mechanism
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
harness-space
topological and other spaces
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
ta
Technical analysis library. Implements number of indicators: EMA, SMA, RSI, MACD, Stochastic, etc.
-
dup-indexer
Create a non-duplicated index from Strings, static str, Vec, or Box values
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
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
-
timsort
modified MergeSort used in Python and Java
-
flo_curves
manipulating Bezier curves
-
cmaes
CMA-ES optimization algorithm
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
mintyml
A minialist alternative syntax to HTML
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
rs-stats
Statistics library in rust
-
random_word
Efficient functions for generating random words in many languages
-
pm-remez
Parks-McClellan Remez FIR design algorithm
-
feruca
Unicode Collation Algorithm
-
oxirush-nas
5G NAS Message encoder/decoder library
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
geometry-predicates
port of robust geometric predicates
-
lt-fm-index
FM-index using k-mer lookup table for exact pattern matching
-
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
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
tinyrlibc
Tiny, incomplete C library for bare-metal targets, written in Stable (but Unsafe) Rust
-
rhai-sci
Scientific computing in the Rhai scripting language
-
dilate
A compact, high performance integer dilation library for Rust
-
fastatomstruct
A Python package for the analysis of atomic structures and dynamics
-
abd-clam
Clustering, Learning and Approximation with Manifolds
-
fuzzy-muff
Fuzzy Matching Library
-
annembed
dimension reduction à la Umap
-
color_space
converting between color spaces and comparing colors
-
mhgl
Matts HyperGraph Library (MHGL). A straightforward library for hypergraph datastructures.
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
broccoli
broadphase collision detection algorithms
-
rustate
creating and managing state machines, inspired by XState
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
haru_cmaes
CMA-ES optimization algorithm implementation based on Hansen's purecma Python implementation
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
oci-distribution
An OCI implementation in Rust
-
nixl-sys
Low-level bindings to the nixl library
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
here_be_dragons
Map generator for games
-
minidump-unwind
producing stack traces from minidump files
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
graaf
Work with directed graphs
-
ddo
generic and efficient framework for MDD-based optimization
-
nav
handling cardinal directions and transformations
-
coord2d
rust lib for coordinate in 2d system
-
algos
A collection of algorithms in Rust
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
autd3-link-soem
autd3 link using SOEM
-
meos
Rust bindings for MEOS C API
-
clone-agave-feature-set
Solana runtime feature declarations
-
basic_dsp
Digital signal processing based on real or complex vectors in time or frequency domain
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
bridgetree
A space-efficient Merkle tree designed for linear appends with witnessing of marked leaves, checkpointing & state restoration
-
noise-fork-nostd
Procedural noise generation library (Forked)
-
rand_isaac
ISAAC random number generator
-
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
-
stringmetrics
approximate string matching
-
kmeans
Small and fast library for k-means clustering calculations
-
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.
-
itermore
🤸♀️ More iterator adaptors
-
i_shape
iShape is a compact and efficient library specifically designed for representing 2D data structures using IntPoint
-
count-min-sketch
Count-min-sketch implementation
-
smolprng
A Small and Extensible PRNG written in Rust
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
localsearch
Local Search based Metaheuristics
-
clingo
Rust idiomatic bindings to the clingo library
-
line-clipping
implementing line clipping algorithms
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
arboriter-mcts
A Monte Carlo Tree Search implementation built on the arboriter tree traversal primitive
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
xgb
Machine learning using XGBoost
-
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
-
xxhrs
Safe XXHash and XXH3 bindings
-
nabla-ml
A numpy-like library for Rust
-
english-to-cron
converts natural language into cron expressions
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
simplehash
fast Rust library implementing common non-cryptographic hash functions: FNV, MurmurHash3, CityHash, and Rendezvous hashing
-
simdutf
Unicode validation and transcoding at billions of characters per second
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
pldag-rust
A DAG-based framework where nodes encode arbitrary Boolean operations over literal leaves, with built-in support for combination checks, scoring, and ILP export
-
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
-
glicko_2
Glicko2 is an iterative algorithm for ranking opponents or teams in 1v1 games
-
ids_service
that allows to generate unique Ids
-
rust-unixfs
UnixFs tree support
-
numeric-sort
A zero-allocation, human-readable sorting library
-
mini-mcmc
A compact Rust library for Markov Chain Monte Carlo (MCMC) methods with GPU support
-
hax-bounded-integers
Newtypes for working with bounded integers with hax
-
redges
A radial edge is a data structure for topological operations
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
moongraph
Schedules and runs DAGs accessing shared resources. 🌙
-
ijzer
Main crate for IJzer. Provides a macro for using IJzer in a rust project, and a prelude with dependencies..
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
numext-fixed-uint
Fixed-size uint types
-
probability
The package provides a probability-theory toolbox
-
hashinator
identify hashes blazingly fast
-
sefar
evolutionary optimization algorithms
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
flowmium
workflow orchestrator that use Kubernetes
-
ognlib
Some code that is written to practice Rust
-
bishop
visualizing keys and hashes using OpenSSH's Drunken Bishop algorithm
-
jopemachine-raft
language implementation of Raft algorithm
-
stochy
A numeric library of stochastic approximation algorithms
-
vecmath
type agnostic library for vector math designed for reexporting
-
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.
-
liba
An algorithm library based on C/C++
-
scapegoat
Safe, fallible, embedded-friendly ordered set/map via a scapegoat tree. Validated against BTreeSet/BTreeMap.
-
polygons
Fast points-in-polygon test and distances to polygons
-
opendp
differential privacy algorithms for the statistical analysis of sensitive private data
-
hyper_byte
An unsafe, near-zero cost (1-2 instructions) byte transmuter to numeric types with fast byte reader
-
linear-map
A map implemented by searching linearly in a vector
-
rush_expr_engine
The rules engine is based on the rete algorithm
-
arbi
Arbitrary Precision Integer
-
permutation
Small utility for creating, manipulating, and applying permutations
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
rmqtt-raft
raft framework, for regular people
-
scirs2-stats
Statistical functions module for SciRS2
-
cubecl-linalg
CubeCL Linear Algebra Library
-
nu_plugin_hashes
A Nushell plugin that adds 63 cryptographic hash functions from Hashes project
-
geomorph
conversion between different coordinate systems
-
importunate
Methods for returning random elements from an iterator
-
flatk
Flat layout abstraction toolkit
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
spaceflake
⛄ A distributed generator to create unique IDs with ease in Rust; inspired by Twitter's Snowflake
-
random-branch
macro to select a random branch like match
-
lazyrand
generating random numbers easily
-
timberio/file-source
A high-performance observability data pipeline
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
libecvrf
A ECVRF that's friendly with EVM, based on curve secp256k1 and keccak256
-
noise-functions
A collection of fast and lightweight noise functions
-
realistic
Towards an API for the Real Numbers
-
brique-rs
A MLP library made from scratch, using the rust standard lib
-
natlex_sort
hybrid natural and lexicographical sorting for strings and byte slices, useful for sorting mixed lists of filenames and identifiers
-
unwinder
Call stack spoofing for Rust
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
easer
Tiny library imlementing Robert Penner's easing functions
-
t1ha
T1AH (Fast Positive Hash) hash function
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
markov_namegen
Random text generators based on Markov models
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
sonic-callreq
Structured calls to for SONIC distributed contracts
-
f3l_segmentation
3D Point Cloud Library
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
rsfdisk
Safe Rust wrapper around the
util-linux/libfdisk
C library -
geos-sys
GEOS C API bindings
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
genalg
A flexible, high-performance genetic algorithm library written in Rust
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
tribles
knowledge base implementation for rust
-
out
fast min and max functionality for collections
-
zeros
-
extendhash
Rust Hash Extender
-
algorithmica
Rust Algorithms
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing Iterator<Item = char>
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
graph-algorithms-rs
A collection of graph algorithms
-
macarunes
macaroons
-
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
-
hronn
An experimental CNC toolpath generator
-
movavg
Generic Moving Average calculation
-
pcg_rand
PCG family of random number generators in pure Rust
-
tryumph
A flexible retry library for operations that may fail, with customizable delay strategies for both synchronous and asynchronous code
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
convi
Convenient (but safe) conversion (
From
-like) traits -
elipdotter
Embeddable full text search engine
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
clipline
Efficient rasterization of line segments with pixel-perfect clipping
-
finitelib
advanced maths over finite groups, fields, their extensions, multi precision operations, euclidean rings, polynomials and related things
-
gene-evo
Standard and novel genetic evolution algorithm implementations, using advanced rust std functionality and zero dependencies
-
pyimports
Parse and analyze the imports within a python package
-
random-nickname2
用于Rust的随机用户昵称生成器
-
flo_binding
Declarative binding library for Rust
-
crc64
checksum implementation
-
kendalls
Kendall's tau rank correlation
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
twoten
human readable digest tool
-
moku
creating hierarchical state machines
-
generic_a_star
A generic implementation of the A* algorithm
-
rand_aes
AES based pseudo-random number generator
-
is_sorted
Iterator sorted?
-
polylog
polylogarithms
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
pingora-limits
rate limiting and event frequency estimation
-
topopt
Topology optimization in pure Rust, based on 99 lines of MATLAB
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
bulletformat
Binary Data Formats, Data Loader and Utilities for bullet
-
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
-
balance_engine
Production planning and optimization engine using linear programming to balance supply with demand while minimizing costs and respecting resource constraints
-
import_map
WICG Import Maps specification
-
mittagleffler
High performance implementations of the Mittag-Leffler function
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
ms_toollib
Algorithms for Minesweeper
-
docker-image
no_std-compatible Docker image reference parser with strict adherence to Docker's naming rules
-
batsat
Extensible SAT solver in Rust
-
froggy-rand
Random number generation without state for games
-
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…
-
fts-solver
A reference solver for flow trading optimization
-
statime
Precision Time Protocol implementation library for embedded and desktops
-
acap
As Close As Possible — nearest neighbor search in Rust
-
monument
A fast and flexible composition generator
-
rustradio
Software defined radio library
-
numerical-multiset
An ordered multiset of machine numbers
-
line-span
Find line ranges and jump between next and previous lines
-
jawe-cuvs-iii
RAPIDS vector search library
-
del-msh
mesh utility library for computer graphics research and prototyping
-
eta-algorithms
Low overhead data structures focused on performance
-
kdtree-ray
Fast Kdtree implementation for raytracer
-
keyforge95
product key generation / validation for Windows 95 and other Microsoft products
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
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…
-
ratio-genetic
Ratio's genetic algorithms library
-
ahrs
port of Madgwick's AHRS algorithm
-
ranges
generic alternative to core/std ranges, set-operations to work with them and a range set that can efficiently store them with the least amount of memory possible
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
gemm-f16
Playground for matrix multiplication algorithms
-
utilz-rs
A lightweight extension trait collection for Rust primitives and types
-
voxell_rng
Cheap and dirty thread-local RNGs
-
stackmap
A fast stack-only hashmap for small high-performance scenarios
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
cap-rand
Capability-based random number generators
-
opensimplex2
Port of OpenSimplex2
-
newton_rootfinder
Newton based methods for root finding
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
kitoken
Fast and versatile tokenizer for language models, supporting BPE, Unigram and WordPiece tokenization
-
timelag
Creating time-lagged time series data
-
shardtree
A space-efficient Merkle tree with witnessing of marked leaves, checkpointing & state restoration
-
counting_sort
Counting sort implementation for Iterators
-
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…
-
weight_matchers
Efficiently find items by matching weight. You can build the lookup structure at compile time.
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
swc_par_iter
Fork of rayon, with chili support
-
graphbench
A sparse graph analysis library
-
firestore-structured-query
A Firestore StructuredQuery builder
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
simple-sds-sbwt
A fork of simple-sds used in the sbwt crate
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
hex2d
Helper library for working with 2d hex-grid maps
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
screwsat
condlict driven clause learning sat solver
-
radicle-dag
Radicle DAG implementation
-
nuon
Support for the NUON format
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
enc
aids in processing encoded data
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
random
The package provides sources of randomness
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
rose_bloom
A concurrent growing element size linked list with stable pointers
-
gabble
generating random pseudo-words
-
smtlib
A high-level API for interacting with SMT solvers
-
barnes_hut
Fast n-body simluation using the Barnes Hut algorithm
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
fixed32-math
Geometric types
-
pack_it_up
that implements various bin packing algorithms
-
aligned-buffer
A buffer with controllable alignment, that can be sealed and shared by reference count
-
advancedresearch-toy_model_of_physical_seshatic_identity
toy model for physical Seshatic identity that satisfies the holographic principle
-
astro-format
Astro Format is a library for transcoding between an array of implemented types and a single buffer
-
cplex-sys
Low level bindings to the Cplex C-API
-
ndata
Thread-safe, self-owned JSON-like data with manual garbage collection
-
metacomplete
Top-k string autocompletion
-
qptrie
A QP-Trie implementation for Rust
-
hamming-bitwise-fast
A fast, zero-dependency implementation of bitwise Hamming Distance using a method amenable to auto-vectorization
-
natord
Natural ordering for Rust
-
libphext
A rust-native implementation of phext
-
sqlx-pg-uint
SQLx compatible types to convert between Rust unsigned integers and the PostgreSQL
NUMERIC
/DECIMAL
type seamlessly -
starlark_map
Map implementation with starlark-rust specific optimizations
-
mur3
language implementation of MurmurHash3
-
ps-buffer
aligned heap buffer
-
tremor-common
Tremor common functions
-
simple_term_rewriter
A basic interface to rewrite concrete tree terms according to a set of rules
-
vector_quantizer
vector quantization utilities and functions
-
imgdd
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
dynamic-weighted-sampler
An efficient weighted sampler with dynamically updatable weights
-
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.
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
sgrust
A sparse grid library written in Rust
-
const-serialize
A serialization framework that works in const contexts
-
svd-encoder
A CMSIS-SVD file encoder
-
rasciigraph
function to plot ascii graphs
-
cplit
Competitive Programming Library in Rust
-
bulirsch
Bulirsch-Stoer ODE integration algorithm
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
hydroflow
Hydro's low-level dataflow runtime and IR
-
guid-create
Rust helper for creating GUIDs
-
scirs2-special
Special functions module for SciRS2
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
multistream-batch
Implementations of batching algorithms
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
csvbinmatrix
Binary matrix Compressed Sparse Vector
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
glidesort
sorting algorithm
-
libbruteforce
brute force hashes (e.g. passwords). It includes a set of pre-configured hashing functions, like md5 or sha256. You can also provide your own hashing function. PLEASE DO NOT use this…
-
dfp-number
Decimal floating-point arithmetic for Rust
-
extargsparse_worker
Rust Commandline User Interface
-
evo_framework
Evo(lution) framework: A powerful framework designed for ai
-
programinduction
program induction and learning representations
-
drawbridge-type
Drawbridge type definitions
-
noisette
generating 2D noise functions with analytical gradients
-
turborand
Fast random number generators
-
qopt
optimization library
-
teju
Fast floating point to string conversion
-
multibuffer
implementing triple buffering and generalized multi-buffering patterns
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
randomize
Randomization routines
-
enum-lexer
A proc_macro lexer generator. using
enum
-like syntax. -
derangements
Generate derangements of an iterable
-
btypes
Better types (BTypes) for when you dislike normal types, I guess
-
generic_levenshtein
Generic and fast implementation of the Levenshtein distance
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
minstd
minimal standard random number generator
-
bevy_sparse_tilemap
A Tilemap crate for the Bevy game engine with a focus on large map sizes and ECS sparse maps
-
treevolution
A simulation of the evolution of treelike structures in a cellular automata
-
list-fn
A generic lazy list
-
x-diff-rs
compare XML semantically
-
mantra-lang-tracing
Contains functionality needed to collect requirement traces from code or plain text files for the
mantra
framework -
line-col
Convert string slice indices into line/column numbers
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
nu-cmd-extra
Nushell's extra commands that are not part of the 1.0 api standard
-
hypertwobits
cardinality estimation algorithm
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
cortex-lang
interpreted language for interfacing with Rust code
-
batadase
incredible LMDB wrapper
-
regexsolver
Manipulate regex and automaton as if they were sets
-
louvre
A Robust Triangulation Algorigthm
-
quadtree-f32
dependency-free ID-based quadtree
-
frand
Blazingly fast random number generation library
-
xldenis/creusot
prove your code is correct in an automated fashion
-
elkai-rs
solving travelling salesman problems (TSP) based on elkai (LKH 3)
-
vrp-scientific
An extension logic for solving scientific VRP
-
pasture-algorithms
Point cloud algorithms for pasture
-
ruva
Event Driven Message Handling
-
native-pkcs11-traits
Traits for implementing and interactive with native-pkcs11 module backends
-
azalia
🐻❄️🪚 Common utilities and extensions that Noelware uses in all Rust projects
-
pyinrs
type library that is as easy to use as Python built-in types
-
mot-rs
Dead simple multi object tracking in Rust
-
zee-edit
Core text editing functionality for zee
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
ninjabook
A lightweight and high performance orderbook
-
flare
A lightweight library to perform basic astronomical calculations, inspired by Python's Astropy syntax
-
astra-num
A wrapper lib around num_bigint, num_integer, and num_traits with extra utilities for handling incredibly large (astronomical) values
-
spatial-decomposition
Algorithms to partition 2D spaces
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
ultraloglog
algorithm
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
kago
custom-width signed and unsigned integers
-
gyard
A generic shunting yard algorithm implementation
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
graph-base
graph data structures and algorithms
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
funcmap
Derivable functorial mappings for Rust
-
horizon_data_types
The Horizon data types library for third-party integrations
-
soukoban
some algorithms and data structures related to Sokoban
-
sphere-n-rs
N-Sphere Code Generation in Rust
-
uniquetol
toolbox for isolating unique values in n-dimensional arrays of imprecise floating-point data within a given tolerance
-
uuid7
UUID version 7
-
rosu_nps
analyzing note density and distribution in osu! beatmaps
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
fudd
Fun with poker. Named after that most famous of rabbit hunters.
-
adler2
clean-room implementation of the Adler-32 checksum
-
vec_ssap
Stateless Scale and Perturbation scheme for vector encryption
-
raddy-ad
An automatic differentiation system for geometry and simulation
-
time_priority_order_algoritmh
algorithm create a cronogram of action sorted by time of occurrence time avoiding time colisions
-
mesh-graph
Fast halfedge triangle mesh graph in pure Rust
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
idgen_rs
A perfect snowflake ID generator
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
feos-campd
Computer-aided molecular and process design using the FeOs framework
-
minedmap-types
Common types used by several MinedMap crates
-
is_prime
Fast arbitrary length prime number checker using the Miller-Rabin primality test algorithm
-
yagi
Batteries-included DSP library
-
dotnet35_rand_rs
just simluates .NET 3.5's Random class
-
recursive_matching
Formulating unique assignments recursively
-
convex_sync_types
Sync types for the Convex Websocket protocol (convex.dev)
-
portmatching
Fast Graph Matching for Port Graphs
-
hrw-hash
A minimalistic implementation of the Highest Random Weight (HRW) aka Rendezvous hashing algorithm
-
permissive-search
Implementing user-friendly search interfaces in Rust. no-std. Zero dependencies.
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
codeq
Codec trait
-
rtsc
Real-time Synchronization Components
-
bye_abow_rs
Visual bag of words for fast image matching without opencv
-
randm
Small, fast, and efficient random generation crate
-
rgeometry
High-Level Computational Geometry
-
gbwt
Partial reimplementation of the GBWT. Exposure for the GBZ struct.
-
randperm-crt
Small library for generating random permutations
-
pi_path_finding
A* Path Finding Algorithm
-
opis
rational number and matrix arithmetic
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
mem-rearrange
Rearrange memory from one array to another of different storage layouts
-
round_float
Round
f64
andf32
to specified number of decimals -
cosmogony
geographical zones with a structured hierarchy
-
dandy
DFAs, NFAs and regular expressions together with a file format
-
libecvrf-k256
A fork of libecvrf use k256 implementation
-
semsimian
Sematic similarity calculations for ontologies implemented in Rust
-
travelling_salesman
Travelling Salesman Problem Solvers
-
tofas
Translation of fundamental astronomical subroutines
-
procsys
retrieve system, kernel, and process metrics from the pseudo-filesystems /proc and /sys
-
pyin
pYIN pitch detection algorithm written in Rust
-
didp-yaml
YAML interface for Dynamic Programming Description Language (DyPDL) and DyPDL solvers
-
data-pipeline-rs
Data processing pipelines
-
loop
The package allows for processing iterators in parallel
-
kannolo
designed for easy prototyping of ANN Search algorithms while ensuring high effectiveness and efficiency over both dense and sparse vectors
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
multiexp
Multiexponentation algorithms for ff/group
-
graphina
A graph data science library for Rust
-
idx_binary
Indexed binary file. It uses mmap , various_data_file and avltiree.
-
mackerel_plugin
Mackerel plugin helper library
-
fast-math
Fast, approximate versions of mathematical functions
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
blake2b-ref
A
no_std
BLAKE2B implementation -
machine-check-exec
formal verification tool machine-check
-
bellande_step
running Bellande Step calculations via API or local executable
-
solaris-rs
predict the position of the Sun
-
rusty-termcolor
A light-weight terminal coloring library for Rust
-
hypervector
that implements hyperdimensional vectors and VSAs
-
anybytes
A small library abstracting over bytes owning types in an extensible way
-
exact-covers
Knuth's algorithm for solving the exact cover problem with colors
-
twsearch
Twizzle Search — Twisty puzzle search library
-
anyhash
Traits and utilities for making hashes of any type
-
aoc-toolbox
An helping framework to Advent of Code
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
autodiff
An automatic differentiation library
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
all-is-cubes-base
Helper library for all-is-cubes. Do not use directly.
-
light_ranged_integers
Ranged integers for stable Rust compiler, zero-dependencies and no unsafe code
-
chemrust-core
The core modules defining the flow and structs of data in computational chemistry routines
-
quadtree
A generic quadtree implementation
-
datafusion-functions-array
Array Function packages for the DataFusion query engine
-
stack-map
constant-size associative container for building higher-level data structures out of
-
diffs
A number of diff algorithms, also called longest common subsequence
-
nmr-schedule
Algorithms for NMR Non-Uniform Sampling
-
marrow
Minimalist Arrow interop
-
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.
-
incrementalmerkletree-testing
Common types, interfaces, and utilities for testing Merkle tree data structures
-
oxygraph
Algorithms and structures on ecological graphs
-
slidy
working with sliding puzzles
-
f2rust_std
Standard library for FORTRAN-to-Rust translated programs
-
progress-encode
Progress ENCODE function
-
esl01-dag
DAG used for source control
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
treerder
Trie ordering for type implementing Orderable
-
prepona
A graph crate with simplicity in mind
-
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).
-
solvent
Dependency Resolver library
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
rufl
A powerful util function library for rust
-
fftw
safe wrapper of FFTW3
-
b2c2-parser
b2c2におけるBASICコードのパーサー?
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
hicc-std
Based on hicc's ability to provide rust with the ability to call c++ standard container class interfaces
-
rusty_oge
Библиотека, решающая задачки из ОГЭ по информатике
-
shiftnanigans
contains different iteration data structures for either iterating or for shifting iteratively forward and backward
-
easy_color
A very simple and easy-to-use color conversion tool
-
csf
compressed static functions (maps) that use perfect hashing and value compression
-
markdown_converter
html to markdown converter and flavored markdown to discord markdown converter
-
random-string
Allows to generate random strings based on a given charset and length
-
netgauze-analytics
Analytics infrastructure related library
-
smallrand
Random number generation with absolutely minimal dependencies and no unsafe code
-
varisat
A CDCL based SAT solver (library)
-
lerpable
a derive macro for combining ADTs
-
crc24-openpgp-fast
SIMD-powered implementation of CRC-24/OPENPGP (CRC-24/Radix64)
-
payback
Calculate to resolve debt networks with as few transactions as possible
-
indexsort
sort crate, porting Golang sort package to Rust
-
pi_orca
A* Path Finding Algorithm
-
rxqlite-tests-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
cuid2-rs
Collision-resistant unique ids
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
contest-algorithms
Common algorithms and data structures for programming contests
-
graphplan
planning algorithm from Avrim L. Blum and Merrick L. Furst in Rust
-
strprox
Top-k string autocompletion
-
human-sort
Human sort (natural sort) implementation
-
chibihash
hash function
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
manchu-converter
Converts transcripted Manchu text to Manchu script with Manchu alphabet
-
bnf_sampler
that uses recursive descent algorithm to ensure tokens produced by a large language model follow a Backus Naur Form schema
-
ngt
Rust wrappers for NGT nearest neighbor search
-
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…
-
geo-offset
Add margin and padding to geometric shapes
-
r3fit
RANSAC algorithm that uses 3 samples to estimate a circle over the given points
-
cplex-rs
Binding of IBM Cplex library
-
dam_lev
Implements the Damerau–Levenshtein diff algorithm
-
cdchunking
Content-defined chunking
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
nested_containment_list
A data structure for efficiently storing and querying nested intervals
-
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.
-
savan
core library for answer set navigation
-
chaum_pedersen_auth
ZKP(Zero Knowledge Proof) using chaum pedersen algorithm
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
ducc
Rust bindings for Duktape, the embedded JavaScript engine
-
polyline-iter
Zero-dependency iterator-based Google Encoded Polyline encoder and decoder
-
power_flow_data
RAW power flow data file parser
-
hash-iter
Iterator producing sequence of hash values for a given input (using double hashing technique)
-
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
-
harper-typst
The language checker for developers
-
swc_ecma_preset_env
preset-env for the swc
-
cdshealpix
HEALPix tesselation
-
genrc
refcounted pointer type that allows subobject pointers
-
hexdump
Easy hexdump to stdout or as an iterator
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
stack-vm
A generic, reusable, stack-based virtual machine
-
sl-mpc-mate
secure multi-party computation
-
ssa-impls
common SSA algorithms
-
partition
slices in-place by a predicate
-
murmurhash3
MurmurHash3 implementation
-
cdc-chunkers
A collection of Content Defined Chunking algorithms
-
xi-rope
A generic rope data structure built on top of B-Trees
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
ccsort
clone of the Unix sort command, with multiple sorting algorithms
-
rand_chacha
ChaCha random number generator
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
bpe-tokenizer
A BPE Tokenizer library
-
augmented-dsp-filters
Audio filters (port of C++ DSPFilters)
-
small_uid
A 64 bit lexicographically sortable unique identifier implementation
-
nfc1
High-level safe Rust bindings for libnfc
-
demes
specification
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
dandelion-random
a high performance non-cryptographic random number generator
-
ch_cityhash102
ClickHouse CityHash implementation
-
sobol
sequence generator for Rust
-
light-tool
轻量级的Rust工具库
-
graph_builder
A building block for high-performant graph algorithms
-
CryptTool
A versatile and efficient cryptography library implemented in Rust
-
android-sparse-image
Low-level Android sparse image parsing headers
-
control_systems_torbox
Control systems toolbox
-
gsl_bfgs
BFGS algorithm built on the GNU Scientific Library(GSL)
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
interpolation_search
Interpolation search - binary search on steroids
-
excov
A solver for exact cover problems
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
imghash
Image hashing for Rust
-
collide
extensible collision management
-
splay-safe-rs
Splay implemented with safe rust
-
bvh2d
A fast BVH using SAH for 2d
-
statement
An event-driven state machine library for Rust
-
jisx0401
JIS X 0401
-
random-pick
Pick an element from a slice randomly by given weights
-
ac-library-rs
port of AtCoder Library (ACL)
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
based16
BASE-16(HEX) implementation for chads
-
unsvg
SVG building library
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
relp-num
Number types for the relp crate
-
sort
sort algorithms
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
matrixcompare
Tools for convenient comparison of matrices
-
stack_box
store unsize struct on stack with static check
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
ggstd
Partial implementation of Go standard library
-
friedrich
Gaussian Process Regression
-
vec_clock
Vector clock implimentation
-
asbytes
Traits for viewing data as byte slices or consuming data into byte vectors. Relies on bytemuck for POD safety.
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
sundials
Suite of nonlinear and differential/algebraic equation solvers
-
ruverta
Verilog: Very Simple Verilog Builder
-
meshmeshmesh
Open-source mesh processing library
-
dendritic-clustering
Package for algorithms related to clustering
-
rustplex
A linear programming solver based on the Simplex algorithm for Rust
-
simple-easing
Set of simple easing functions
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
tokenizers-enfer
today's most used tokenizers, with a focus on performances and versatility
-
cfsem
Quasi-steady electromagnetics including filamentized approximations, Biot-Savart, and Grad-Shafranov
-
extprim
Extra primitive types (u128, i128)
-
conv2
number of conversion traits with more specific semantics than those provided by 'as' or 'From'/'Into'
-
hrv-algos
A collection of algorithms for heart rate variability analysis
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
finite_element_method
A finite element method module
-
actionable
An enum-based async framework for building permission-driven APIs
-
gannot
A small library with limited functionality focused on genome annotation
-
apt-edsp
data model of the APT External Dependency Solver Protocol
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
stable_matching
Gale-Shapley stable matching algorithm
-
chksum-sha2
SHA-2 hash functions with a straightforward interface for computing digests of bytes, files, directories, and more
-
dywapitchtrack
by Antoine Schmitt
-
checksum-tapestry
Collection of checksum algorithms and examples
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
nscldaq_ringbuffer
Low level NSCLDAQ ring buffer access
-
hyperloglog
in Rust
-
ran
fast random numbers generation
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
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.
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
reveler
A cryptographic commitment scheme based on lattice and parallelized matrix-vector multiplication
-
zipf-fixed
A faster zipf distribution that uses more memory
-
opentalk-types-common-identifiers
Common identifier types for OpenTalk crates
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
weresocool_ring_buffer
ring_buffer for WereSoCool
-
convolve2d
Easy and extensible pure rust image convolutions
-
easing-function
easing functions for animation tweening
-
rrt
Path finding using dual-RRT connect
-
p3-matrix
Plonky3 is a toolkit for implementing polynomial IOPs (PIOPs), such as PLONK and STARKs
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
greyjack
Rust version of GreyJack Solver for constraint continuous, integer, mixed integer optimization problems
-
parquetry-sort
Runtime sorting library for Parquet code generator
-
u144
Unsigned Integer 144 bits
-
stack-cell-ref
Share a reference in thread inner
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
sdfer
SDF (Signed Distance Field) generation algorithms
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
iterators_extended
Some useful extensions to Rust's iterators
-
arbutus
Trees
-
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
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
rand_seeder
A universal random number seeder based on SipHash
-
median
efficient O(n) median filter
-
satif-kissat
Rust wrapper for the kissat SAT solver
-
lotus-script
creating LOTUS-Simulator scripts
-
symagen
Synthetic manifold generation
-
rdp
An FFI wrapper for the Ramer–Douglas–Peucker and Visvalingam-Whyatt algorithms
-
redux-rs
Redux
-
r_unit
A fast and easy-to-use unit testing library
-
exact-clustering
Find optimal clusterings and optimal hierarchical clusterings
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
opc_da_bindings
OPC Data Access bindings
-
rustsat-minisat
Interface to the SAT solver Minisat for the RustSAT library
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
arc-interner
An interner that deallocates unused values
-
rev_buf_reader
that provides a buffered reader capable of reading chunks of bytes of a data stream in reverse order. Its implementation is an adapted copy of BufReader from the nightly std::io.
-
cobyla
optimizer for Rust
-
lazy_mut
Alternative to LazyLock<Mutex<T>>
-
merged_range2
rangeset that can merge overlapping ranges (fork of merged_range)
-
ascii-img
Convert images to ASCII
-
moore-vhdl
The VHDL implementation of the moore compiler framework
-
chinese-rand
Random generation of data structures in Chinese, using Rust
-
ryley
Syntax unifies programmers
-
graph-sparsifier
A graph sparsifier based on an approximated PageRank algorithm
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
sep-sys
Low-level bindings to SEP - C library for Source Extraction and Photometry
-
lace_data
Data definitions and data container definitions for Lace
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
bandit
Algorithms in Rust
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
bindet
Fast file type detection
-
mttf
working with TrueType fonts. Most parts are zero-allocation.
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
rush_core
The rules engine is based on the rete algorithm
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
radiate-alters
Alters - mutations and crossovers for the Radiate genetic algorithm library
-
blake
hash function for Rust via FFI
-
tree_arena
An arena allocated tree
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
walky
A TSP solver written in Rust
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
algebraics
algebraic numbers library
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
multistochgrad
Stochastic Gradient, Multithreaded
-
mathml-core
MathML type definitions
-
misc_iterators
A collection of uncommon but useful iterators, like DDA or BFS/DFS
-
soph-hash
Framework for Web Rustceans
-
timely_container
Container abstractions for Timely
-
cfpyo3_rs_core
a collection of performant utilities
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
mattr
transposing multi-dimensional data
-
digraphx-rs
Network Optimization Algorithms in Rust
-
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…
-
vrp-pragmatic
An extension logic for solving rich VRP
-
rapid-qoi
Optimized QOI format encoder and decoder
-
extend-ref
A wrapper struct that implements
Extend
for mutable references -
ohos-sys
Bindings to the native API of OpenHarmony OS
-
compute-it
define a lazy evaluated computation graph
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
anaso_algorithm
The recommendation algorithm for Ana.so
-
integraal
Integral computation, done in Rust!
-
fnv0
FNV0/1/1a 32/64/128-bit hash functions
-
agnostic-levenshtein
Levenshtein distance for ASCII or Unicode strings
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
toffee
Get command to run to run specific test in a file
-
rl2tp
L2TP protocol
-
oxvg_collections
Collections of data and utilities about SVG
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
ferrite-rs
An ML Library for fast and memorysafe inference
-
relog
Strong String Normalization
-
gpu_rand
GPU-friendly random number generators for the Rust CUDA Project
-
reusing-vec
Wrapper over Vec that allows elements to be reused without dropping them
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
maglev
Google's consistent hashing algorithm
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
qframework
A experimental micor framework for clear design, based on queue model
-
range_rover
Function to pack integers into ranges
-
foundation-ur
Blockchain Common's Uniform Resources (UR) standard, with static memory allocation for embedded devices while also allowing to use dynamic memory allocation for platforms with more resources
-
math-ops
Mathematical and statistical operations on vectors
-
spiral
Iterate over a 2D structure in a spiral pattern
-
tri-mesh
A triangle mesh data structure including basic operations
-
uuid-by-string
Generating uuid-hash from string
-
healpix
tesselation
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
easybitflags
making it easy to use bitflags in Rust
-
graft-core
Core components and types for the Graft storage engine
-
apparat
A lightweight event-driven behavioral state machine
-
bmatcher
flexible and efficient binary pattern matching library designed to help you search and match binary data
-
densevec
Map like collection with usize indices that stores values contiguosly
-
krossbar-state-machine
Krossbar state machine
-
incpa
An INCremental PArser composition crate
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
azalea-block
Representation of Minecraft block states
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
canadensis_dsdl_frontend
Compiler front-end for the Cyphal Data Structure Description Language
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
gdsdk
Gdsii file development kit
-
identity_map
Identity-based maps
-
gaze
small utility library with the goal of making it easier to scan/lex text and collections
-
kindness
Methods for returning random elements from an iterator
-
shakejo
Noise_IK_25519_ChaChaPoly_BLAKE2s
-
nb-tree
Very simple tree structure with generic node and branch data
-
aula_27
Aula de Library
-
parail
Easily switch between sequential and parallel
-
rten-imageproc
Image tensor processing and geometry functions
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
ratio-markov
Markov chain steady-state calculations with applications in graph clustering and sequencing
-
another-html-builder
html builder, focused on being a helper for creating elements, escaping attributes, escaping text, but not caring if the html structure is valid. It's up to the developer to test that.
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
linearsort
Sorting in linear time 🤔
-
ssr-algorithms
spaced repetition algorithms
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
superslice
Extensions for slices
-
cock-lib
Measure the power level of a peen
-
convers
Cool convert library that converts almost everything(not yet).Units,Languages,Calculations,etc
-
metaheurustics-rs
A comprehensive collection of metaheuristic optimization algorithms implemented in Rust
-
quasirandom
number generation
-
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.
-
aegir
Strongly-typed, reverse-mode autodiff library in Rust
-
kermit
Relational data structures, iterators and algorithms
-
weighted-rs
A libray for weighted balancing algorithm
-
phonetics
Phonetic algorithms for encoding and comparing strings
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
persist_if_changed
persisting data to disk only if it has changed
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
sudoku-solver
backtracking algorithm for solving sudoku
-
reinforcex
Deep Reinforcement Learning Framework
-
graph-algorithms
5 graph algorithms - DIJKSTRA'S, BFS, DFS, KOSARAJU'S and BELLMAN FORD ALGORITHM
-
gis-tools
A collection of geospatial tools primarily designed for WGS84, Web Mercator, and S2
-
sort-const
Sort arrays and slices in const contexts
-
pikkr
JSON Parser which picks up values directly without performing tokenization in Rust
-
textnonce
Text based random nonce generator
-
poi
A pragmatic point-free theorem prover assistant
-
arena64
A concurrent arena providing mutually exclusive access over indexes
-
magikitten
Easy Fiat-Shamirization using Meow
-
ascon-prng
Ascon-PRF is lightweight PRF. This implementation also offers an RNG based on this construction
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
mvsync
A standalone async and worker thread library, with expandable traits and command buffers
-
doryen-extra
aims to be a loose re-implementation of the utility features from the popular roguelike library named libtcod
-
nmm_lib
nine mens morris
-
slugid
generation for Rust
-
seedling
hierarchical seeded pseudo-random number generators
-
cogitate
Algorithms made in Rust
-
alpha-counter
Alphabetic counter
-
bellande_limit
Bellande Adaptive Step Size dynamically adjusts movement increments for optimal robotic path planning and navigation
-
pcg-mwc
A fast non-cryptographic psudo random number generator
-
sample-std
Sampler definitions and implementations for st
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
linesweeper
Robust sweep-line algorithm and two-dimensional boolean ops
-
cratemorelikebox
package made for fun its not supposed to be useful
-
qd
Extended precision floating point arithmetic
-
warcraft3-stats-observer
Rust bindings for the Warcraft 3 Stats Observer API memory map
-
re_build_tools
build.rs helpers for generating build info
-
rgb_int
Integer representations and manipulations of rgb colours
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
crfsuite
Safe wrapper of crfsuite
-
angled-random-walker
Angled Random Walker approach to Brownian tree generation
-
fastxfix
Extremely fast prefix/suffix finder for any 2D data type
-
numext-fixed-hash
Fixed-size hash types
-
pairing-plus
Pairing-friendly elliptic curve library
-
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.
-
ssip-client
Client API for Speech Dispatcher
-
tiny-rng
Tiny RNG, a minimal random number generator
-
lazysort
Lazy sorting for iterators
-
shm_ring
A single producer, single consumer lockless ring buffer for message passing between shared memory
-
gauze
Probabilistic set membership filters with a simple interface
-
spannify
that produces nice-looking graphs to visualize your callstack
-
scirs2-spatial
Spatial algorithms module for SciRS2
-
ruffer
overwriting ring buffer library written in Rust
-
phf_mut
Perfectly hashed mutable containers
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
libatk-rs
that implements the Atk devices protocol
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
argsyn
A complete implementation of GNU-style argument syntax
-
winsfs-core
Site frequency spectrum estimation based on window expectation-maximisation algorithm
-
springboard-api
Makes a kernel compatible with the
springboard
crate -
osqp-sys
FFI bindings to the OSQP (Operator Splitting Quadratic Program) solver
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
censor
text profanity filter
-
rust-clacc
Rust implementanion of a CL universal accumulator
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
iceyee_random
Random
-
ahqstore_gh_hash
Generate AHQ Store GH Hash
-
galapagos
evolutionary solver
-
conformal_preferences
persistent user preferences used by the conformal audio plug-in framework
-
simple_vector2
libary for generic vector manipulation that just works
-
qdft
Constant-Q Sliding DFT
-
tokenizations
alignments library
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
unkocrypto_rs
unkocrypto (rust)
-
spade-diagnostics
Helper crate for https://spade-lang.org/
-
simplers_optimization
Simple(x) black-box optimization algorithm
-
granne
Graph-based Retrieval of Approximate Nearest Neighbors
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
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
-
rounded-div
Get rounded result of an integer division
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
elon_sort
the worst sorting algorithm
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
parity-wordlist
Word list used to generate brain wallets for Parity
-
sort-it
various sorting algorithms
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
rand-half
Random number generation support for half-precision floating point types
-
range-parser
parse ranges representation of any kind of numbers
-
noise-functions-config
Configurable noise generator for
noise-functions
-
rs42
collection of utilities to make programming in Rust more enjoyable
-
lockstep
An iterator adaptor for selective zipping
-
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
-
causal-hub
A hub for Causal Data Science
-
doers
generating Design Of Experiments (DOE)
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
lisudoku-solver
Solver for sudoku puzzles used by lisudoku
-
tlsh2
TLSH algorithm
-
chrono-probe
Compare and measure the time complexity of algorithms
-
abv
AV and BV convert functions for Bilibili videos
-
wikiwho
Fast Rust reimplementation of the WikiWho algorithm for fine-grained authorship attribution on large datasets. Optimized for easy integration in multi-threaded applications.
-
norms
A collection of distance metrics on strings
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
phi-accrual-failure-detector
Phi Accrual Failure Detector
-
shortlist
An efficient data structure to track the largest items pushed to it
-
directwrite
A safe abstraction for interacting with DirectWrite, intended initially to be used with direct2d for easy text rendering
-
dioxus-lazy
Async list components for Dioxus
-
coord_transforms
performing coordinate transformations
-
async-convert
Async TryFrom/TryInto traits
-
fft2d
Fourier transform for 2D data such as images
-
babeltrace2-sys
Rust sys crate for babeltrace2
-
ioctl-rs
Rust bindings for system ioctls
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
ed2k
hash function
-
xskiplist
Skiplist implementation in rust, providing fast insertion and removal. A normal skiplist is implemented, as well as an ordered skiplist and a skipmap.
-
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, ...
-
monte-carlo-tree-search
Monte Carlo Tree Search to find good moves in two player games
-
fauxgen
write your own generators in stable rust
-
xldenis/creusot-contracts
contracts and logic helpers for Creusot
-
sa-is
algorithm for suffix array construction
-
secret_integers
Wrapping around Rust's integers to allow only constant-time operations
-
wfc_image
Create patterns for wfc using image files
-
polkavm-common
The common crate for PolkaVM
-
bisection
Python bisect module
-
sigmah
Create and scan binary signature in Rust efficiently
-
hora
Hora Search Everywhere
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
sit-core
Core library for SIT (Serverless Information Tracker)
-
crossbeam-skiplist-fd
A long-term maintained forked version of the crossbeam-skiplist for supporting more flexible key comparison customization
-
rtforth
Forth implemented in Rust for realtime application
-
closest
nearest neighbor implementation
-
fhash
Blazingly fast hash for HashMaps in Rust
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
totsu
Convex optimization problems LP/QP/QCQP/SOCP/SDP that can be solved by
totsu_core
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
b2c2-tokenizer
b2c2のBASICコードのトーカナイザー?
-
deepmesa-encoding
A collection of data structures and algorithms designed for performance
-
gad
Generic automatic differentiation for Rust
-
webgestalt_lib
computing enrichment for different analytes using ORA or GSEA
-
matr
A metaprogramming library for Rust
-
thinkrust_algorithms
Basic Algorithms: Binary Search and Find Max from an array
-
itc
Interval Tree Clocks as described in the itc2008 paper
-
fastrand-contrib
Extension functionality for fastrand
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
rendezvous_hash
Rendezvous hashing algorithm
-
buldak
that provides various sorting functions
-
collision-detection
A generic collision detection library based on the
collide
crate -
iter-set
Set operations on sorted, deduplicated iterators
-
smallmap
Small byte-sized generic key-value map type
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
relp
Rust Exact Linear Programming
-
pimc
Scientific computing library for Path Integral Monte Carlo (PIMC) simulations
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
sorting_lib
lib implementing sort algorithm?
-
breakout
detection for Rust
-
hxdmp
A small utility to create hexdump output from byte slices
-
graph-simulation
simulation algorithm
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
topojson
TopoJSON utilities for Rust
-
rand_core
Core random number generator traits and tools for implementation
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
convert-byte-size-string
Convert a byte size string to a u128 value
-
gemm-f32
Playground for matrix multiplication algorithms
-
lol-core
A Raft implementation in Rust language
-
anchors
async incremental computations
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
grb-sys
Low level bindings to Gurobi
-
nostd_structs
Datastructures and algorithms for nostd environments
-
cubecl-opt
Compiler optimizations for CubeCL
-
codes-check-digits
Common implementation of check digit algorithms
-
css
that uses the cssparser and selectors crates to provide a domain model for CSS Stylesheets. Intended to allow effective minification of CSS and CSS transformations such as autoprefixing and removal by other crates
-
aaronson-oracle
ngram-based predictor for a binary choice
-
optical-flow-lk
Lucas-Kanade optical flow and Shi-Tomasi feature detection
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
enso-optics
functional optics
-
ya-rand
fast random number generation
-
tokeneer
tokenizer crate
-
split-stream-by
Stream extension crate for splitting a Stream into two per a predicate
-
illuminate-container
Illuminate Container
-
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.
-
srec-rs
srec crate in Rust
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
quotient-filter
A quotient filter implementation
-
math
A math library
-
jawe-cuvs-iv
RAPIDS vector search library
-
pliocomp
PLIO Compression Library
-
golomb-coded-set
BIP158 Golomb-Coded Set data structure
-
composite_modulus_proofs
Proofs about several propoerties of a composite modulus - square-free, product of 2 primes, a blum integer
-
copiablebuf
Copiable buffer, a tinier
Vec
, uses a fixed-size array to store a variable number of items -
finny
Finite State Machines with a procedural builder-style API and compile time transition checks
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
search_trees
binary search tree, red-black tree, and AVL tree
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
supply-chain-trust-crate-000025
Random number generators and other randomness functionality
-
farmhash-sys
Rust FFI bindings for a minimal implementation of Google's FarmHash hashing algorithms
-
winstructs
Common structures used in parsing various windows protocols
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
lagbuffer
LagBuffer is a Rust crate designed to handle out-of-order events and reconcile state efficiently. It is particularly useful in scenarios such as game development or networked applications…
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
ogs
solving octal games
-
quickscope
Multi-layer HashMap and HashSet implementations for performant representation of variable scopes
-
ndarray-polyfit
Polynomial fitting based on ndarray
-
svd-rs
A CMSIS-SVD base structures
-
esre
alt regex library
-
bacteria
Strobe & Transcript Protocol
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
ring_buffer
RingBuffer is a queue with added random access
-
yices2
Rust bindings to the Yices 2 SMT solver
-
gpwgpu
intended to make it easier to do general purpose GPU programming (GPGPU) in wgpu
-
hadris-common
Common types and functions used by Hadris
-
keyspace
Dynamic key space partitioning and re-balancing for distributed systems
-
custom_float
Custom floating-point types
-
riichi-calc
calculate the score of a hand in riichi mahjong
-
vsort
GNU Version Sort Rust implementation
-
beziercurve-wkt
Serialize / deserialize bezier curves to / from a WKT-like string + do clipping operations
-
pingora-ketama
Rust port of the nginx consistent hash function
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
qip-iterators
Iterators for tensor product matrix multiplication
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
decompose-float
decompose floating point numbers
-
zung_mini
Mini rust projects that target specific features of rust
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
tuid
Sequential UUID generator
-
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
lax
LAPACK wrapper without ndarray
-
monarch-butterfly
Proc-Macro unrolled FFTs
-
iterslide
A "sliding window" iterator
-
glicko2
rating system
-
worley-noise
Worley noise implementation
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
re_chunk_store_ui
Display the contents of chunk stores
-
algae
collection of core algorithms and data-structures, written in Rust
-
crater
Very generic containers including KD trees, fibonacci heaps, minmax heaps,
-
mfem
A high-level Rust wrapper for MFEM
-
async_bagit
Create and load BagIt containers
-
const-combinations
const fn combinations iter adapter
-
bnb
A generic template for Branch & Bound algorithms
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
rutter_layout
the flutter layout algorithm ported to rust
-
fenwick
tree: data structure that efficiently calculates prefix sums in a changing array of numbers
-
aob
String searching with wildcards
-
houtamelo_utils
A collection of utilities shared between Houtamelo's projects
-
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
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
delaunator
A very fast 2D Delaunay triangulation library
-
num-cmp
Comparison between differently typed numbers
-
rand_xorshift
Xorshift random number generator
-
eta-graph
Low overhead graph library focused on performance
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
addchain-arcium-fork
Generate addition chains (Arcium fork)
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
rust_wfa
wavefront sequence alignment algorithm
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
async-ringbuffer
A nonblocking spsc ring buffer with fixed capacity
-
gosh-lbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
data_forest
various types of trees
-
unik
A Powerful Universally Unique Identifier (UUID)
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
gtfs-generator
Convienience helpers for writing GTFS converters
-
iter_help
tools for iterating over collections of data
-
uniquevec
A
Vec
-like datastructure which only contains unique entries. It is no_std and has optional serde support. -
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
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.
-
drbg
Crypographic random number generator CTR_DRBG defined by NIST SP 800-90A R1
-
rust_nb
but generic Naive Bayes Model in Rust
-
aaru
Actionable Area Routing Utilities for OSM and MVT
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
escape-bytes
Escapes bytes that are not printable ASCII characters
-
sonyflake
A distributed unique ID generator inspired by Twitter's Snowflake
-
distance
A collection of approximate string matching algorithms
-
backtrack
Solve hard constraints easily
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
klotski
multifunctional engine with high performance
-
text-file-sort
Sort a text file similar to linux sort
-
temporary
The package provides means of managing temporary files and folders
-
notan_random
set of RNG utils for Notan
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
prexel
A math expression evaluator
-
highwayhash
Bindings to AVX-2-optimized SIP-like hash functions
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
omango-wyhash
Wang Yi hash for Rust
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
rolling-buffer
circular heap buffer wrapper around the Vec
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
teehistorian
parser for DDNet
-
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. -
strobe
Fast, low-memory, elementwise array expressions on the stack. Compatible with no-std (and no-alloc) environments.
-
savant_core
Savant Rust core functions library
-
bluenoise_sampler
Precomputed blue noise for fast sampling
-
rusty-perm
permutation with no-std
-
evolutionary
A fully extensible Rust framework for using paralyzed genetic algorithms to solve problems
-
ty_map_gen
A type projecting map generator
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
readability-text-cleanup
cleaning up text from HTML using Mozilla's Readability algorithm
-
rcgal
Rust Computational Geometry Algorithms Library
-
stringslice
A collection of methods to slice strings based on character indices rather than bytes
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
miniball
Minimum enclosing ball
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
hash40
working with Hash40 types in Smash Ultimate
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
materialized-view
incremental materialized views for the masses
-
specler
way to write specifications on values
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
chrf
algorithm
-
aether_primitives
Helpers for common SDR and signal generation operations
-
fastvlq
A fast variant of Variable-Length Quantity with a focus on speed and no_std support
-
abow
Visual bag of words for fast image matching
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
tnj-air
TNJ Assembly Intermediate Representation (AIR)
-
graphene
A general purpose, extensible Graph Theory data type and algorithm library for Rust
-
minisat
interface. Solves a boolean satisfiability problem given in conjunctive normal form.
-
watchmaker_vm
virtual machine for use with genetic algorithms
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
ark-poly-commit
constructing polynomial commitment schemes for use in zkSNARKs
-
macro_machine
State machine generator using macros
-
canonical-form
Reduce graphs and other combinatorial structures modulo isomorphism
-
unicode_names2_generator
Generates the perfect-hash function used by
unicode_names2
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
jawe-cuvs-sys-ii
Low-level rust bindings to libcuvs
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
hyperflake-rs
lightweight Rust crate library to generate unique snowflake like IDs starting from beginning of the 21th century
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
floaters
generate floating-point numbers in various ways
-
insides
A compact, high performance space filling curve library for Rust
-
competitive-programming-rs
Competitive Programming Library in Rust
-
small_iter
A 3-pointer iterator that moves out of a
Vec<T>
orBox<[T]>
-
fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
morton
space filling curve functions
-
probably
various approximate computing algorithms
-
poisson-diskus
Poisson disk distribution sampling
-
rust_twostack
Support for two-dimentional stacks for the Rust programming language
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
maschen
A no-std compatible shunting yard implementation
-
simple_optimization
Simpler optimizers for simple optimization
-
node2vec
in rust
-
mersenne_twister
Mersenne Twister pseudorandom number generator
-
activation_functions
collection of activation functions
-
quaternions
quaternion arithmetic with traits
-
diceystats
parse and interact with dice formulas
-
buf-min
Minimal utf-8 safe buffer traits
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
extsort-lily
An efficient external merge sort implementation
-
ddgg
A stable graph with undo/redo built in
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
polars-core
Core of the Polars DataFrame library
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
range-reader
Converts low-level APIs to read ranges of bytes to
Read + Seek
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
rotary-permutator
Permutations iterator
-
catclustering
Agglomerative Clustering For Categorical Data
-
kermit-iters
Iterators used in Kermit
-
simple_accumulator
accumulator for incremental statistical computations
-
uints
Unsigned Integer Properties
-
anise
Core of the ANISE library
-
basic_dsp_vector
Digital signal processing based on real or complex vectors in time or frequency domain
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
geo-visibility
Compute visibility polygon
-
md6
hash function for Rust via FFI
-
opslang-parser
ops file language parser
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
new_york_utils
calculation some things
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
alea
randomness
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
rutd-core
Core functionality for RuTD - A Rust based To-Do list manager
-
rustgraphblas
Wrapper for GraphBLAS.h exposing SparseMatrix and SparseVector
-
polynomial_subspaces
general ways to deal with subspaces of the polynomial rings R[X] with R some ring
-
gchemol-lattice
Periodic 3D crystal lattice
-
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
-
petgraph-gen
Graph generators for petgraph
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
tree_traversal
Find best leaf node in a tree
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
cauchy
Trait for real and complex numbers
-
endicon
Implementations of codicon traits for endianness encodings
-
str-distance
Distance metrics to evaluate distances between strings
-
fix-rat
A rational number type with fixed denominator
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
zsplit
Split text into multiple files by line
-
hexx_more
Extensions to the
hexx
crate -
small-fsm
Finite State Machine for Rust
-
aliri_macros
Macros used by the
aliri
family of crates -
topk
TopK algorithm implementation in Rust
-
space-filling
Generalized 2D space filling
-
path-finding
variety of path finding and graph operations. Work in progress.
-
easy_base64
The package provides the base64 encode/decode functions
-
trajectory
interpolation
-
lapjv
Linear Assignmment Problem solve using Jonker-Volgenant algorithm
-
cfg-regex
Conversion from a regular expression to a context-free grammar
-
clock-zones
handling clock zones
-
matrix-oxide
Lightweight Linear Algebra Library For Rust
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
chsl
2D Game Physics Engine supporting Joints/Constraints
-
eytzinger
implements the "eytzinger" (aka BFS) array layout
-
cytogon
Mesh generation library based on cellular automata
-
blossom
algorithm to get a maximum matching in an undirected graph
-
rust-algo
rust algorithms
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
addchain
Generate addition chains
-
rs-uuid
Universally unique identifier generator
-
namegen
Fast name generator
-
at-commands
AT Commands builder and parser for Rust #![no_std]
-
m4ri-rust
M4RI-based boolean linear algebra
-
hampel
Sequential outlier detection and removal using Hampel identifiers
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
darwin-rs
Evolutionary algorithms library written in Rust
-
bufstream
Buffered I/O for streams where each read/write half is separately buffered
-
product-os-tower
Product OS : Tower is a derivative of the tower crate restructured for both std and no_std environments
-
bun-native-plugin
Rustified wrapper for writing native plugins for Bun
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
httlib-hpack
HPACK format implementation for HTTP/2
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
sbatch-rs
sbatch command generator
-
rootfind
Root-finding algorithms
-
or-tools
Unofficial Rust wrappers to the C++ library Google OR-Tools, open source software for combinatorial optimization
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
pikkr-annika
JSON Parser which picks up values directly without performing tokenization in Rust. Reuploaded by Annika due to her compile problems.
-
rustproof
Compiler plugin to generate verification conditions from Rust code
-
hexagex
Match binary data with hexadecimal regexes
-
kabsch_umeyama
Kabsch-Umeyama algorithm is a method for aligning and comparing the similarity between two sets of points. It finds the optimal translation, rotation and scaling by minimizing the root-mean-square deviation (RMSD)…
-
clone_dyn_types
Derive to clone dyn structures
-
vec-drain-where
alternative
Vec::drain_filter
impl -
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
jsonposition
Finds a path to a JSON element at a provided string index
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
bayes_elo
calculating Elo in balanced and unbalanced competitions or games
-
cellular_maps
generate 2D procedural bitmaps using the cellular automata technique
-
index-utils
working with indices
-
async-io-map
mapping of async IO operations
-
cf_dist_utils
has risk and distribution utilities
-
gym-rs
OpenAI's Gym written in pure Rust
-
moga
A multi-objective genetic algorithm framework
-
iter_columns
Iterate over columns easily
-
algorithms-edu
Algorithms for pedagogical demonstration
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
nqueens-oxigen
N Queens problem resolution using oxigen
-
pagino
Handle pagination's logic
-
fleetfs_raft
language implementation of Raft algorithm
-
rand_sfc
Chris Doty-Humphrey's SFC PRNGs
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
poisson
Poisson-disk distribution generator
-
bufstream-fresh
Fork of the bufstream crate. Buffered I/O for streams where each read/write half is separately buffered.
-
ecdna-lib
The ecDNA distribution for the evolutionary of extra-chromosomal DNA (ecDNA)
-
eom
Configurable ODE/PDE solver
-
ofps
Framework for efficient processing of optical flows/motion vectors
-
phi-detector
Phi Accrual Failure Detector
-
seq-map
Sequential Map
-
proc-opt
WIP: Process/Job scheduling optimization library
-
raddy
An automatic differentiation system for geometry and simulation
-
falcon-z3
Rust bindings for z3 and Falcon
-
gamlr
estimating clock offset in networked systems based on the Gamma distribution
-
peek-again
A performant iterator providing double peek functionality
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
teeint
A teeworlds variable int packer/unpacker
-
rustsat-kissat
Interface to the SAT solver kissat for the RustSAT library
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
sparse-bitfield
Bitfield that allocates a series of small buffers
-
rxqlite-sqlx-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
suitesparse_camd_sys
Raw bindings to SuiteSparse's CAMD algorithm
-
classific
Classifications, comparator and equivalence class implementations
-
ratio-bus
Ratio bus detection algorithms and heuristics
-
copper
A constraint programming solver
-
dsalgo
A package for Datastructures and Algorithms
-
eviolite
Toolkit for working with evolutionary algorithms
-
sea-canal
Identifies patterns in sequences of integers
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
node-resolve
The Node.js module resolution algorithm
-
imgddcore
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
elites
A fast and robust implementation of the Map-Elites algorithm in Rust
-
pack
Solver for packing puzzle
-
algorithm_playground
Algorithms Playground: To learn and understand the working of different algorithms in Computer Science
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
star_rng
opinionated PRNG for easier fuzz testing
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
lsh-rs
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
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
-
mathjax_svg
Convert mathematical expressions to SVG using Mathjax
-
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
-
snaplog
easily recording changes to values
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
posthog-symbol-data
A shared library for serialising/deserialising PostHog symbol data
-
redfa
Regular expression derivatives for creating DFAs
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
simple-std
extension to the Rust standard library for exercises
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
tinysort
The lowest memory footprint sorting algorithm
-
depict
Picture systems, tell stories
-
dahl-partition
An efficient representation of a set partition
-
rhash
custom hashing library
-
rcalc_lib
Mathematical expression calculation library
-
b2c2-stat
デバッグ用にところどころで使ってるぽい
-
random_grouping
random grouping
-
RayBNN_Graph
Graph Manipulation Library For GPUs, CPUs, and FPGAs via CUDA, OpenCL, and oneAPI
-
convert-base
convert the radix (base) of digits stored in a vector
-
xitca-unsafe-collection
unsafe keyword enabled utilities for xitca
-
crabcrypt
A work in progress cryptographic library that currently supports hashing
-
fuzzy-search
collections for fuzzy search
-
packr2
a few packing algorithms for your needs
-
highs-sys
Rust binding for the HiGHS linear programming solver. See http://highs.dev.
-
gearhash
Fast, SIMD-accelerated hash function for content-defined chunking
-
ceres-solver-src
Rust distribution of Ceres Solver built as a minimal static library
-
acacia
A spatial partitioning and tree library
-
const-chunks
Extension trait to chunk iterators into const-length arrays
-
simple_mod_int
modint library
-
svdlibrs
port of LAS2 from SVDLIBC
-
seek_bufread
A drop-in replacement for std::io::BufReader with seeking support
-
pire-gemm-s8u8s32
high performance cpu kernels
-
hnsw
Fast approximate nearest neighbors
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
fp-growth
algorithm in pure Rust
-
llinks
-
branchy
tools for generating strings and sequences using context-free grammars
-
dp_macro
procedural macro that implements memoization for dynamic programming
-
flann
Bindings for the FLANN library
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
libpermute
A
no_std
compatible library that provides a function to permute the items of a slice -
small-ord-set
A set data-structure represented by a sorted
SmallVec
-
rs-graph
graph algorithms and combinatorial optimization
-
dynstack
A stack for trait objects that minimizes allocations
-
wstring_tools
Tools to manipulate strings
-
dakv_skiplist
skiplist for dakv
-
cobalt-async
collection of helpful functions for working with async Rust
-
statistical
statistics library
-
meshed
Graph creation and traversal tools
-
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
-
freelist
datastructure implementation providing unsafe access to backing storage
-
isolation_forest
Isolation Forest anomoly detection algorithm
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
drone-stm32-map-svd
STM32 SVD to bindings for Drone, an Embedded Operating System
-
dia-ip-range
-
flipflop
Stress-tester for double-ended iterators
-
mako
main Sidekick AI data processing library
-
detect-lang
Language detection given paths and extensions
-
bresenham
A fast, iterator-based integer-only implementation of Bresenham's line algorithm
-
elias-fano
encoding in Rust
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
reunion
A generic implementation of the Union-Find w/ Rank data structure
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
asciimath-parser
A fast extensible memory-efficient asciimath parser
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
heapz
Heap/Priority Queue implementations
-
backtrace-on-stack-overflow
Best effort backtrace printing
-
block-id
generating opaque, unique, and short string values from (unsigned) integers
-
img2avif
Convert images to AVIF format
-
best-path
Shortest/longest path algorithms, where edge weight accumulation via either a sum or a product
-
sat_toasty_helper
more-easily writing SAT constraints
-
blake3-std
the BLAKE3 hash function implementation with std::simd
-
raftlog
distributed replicated log based on the Raft algorithm
-
fibonacci-numbers
The 59th Fibonacci number
-
algx
Knuth's Algorithm X
-
javarandom
Pure rust implementation of java.util.Random
-
rudac
common data structures and algorithms
-
romu
A pseudo random number generator using the Romu algorithm
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
smtlib-lowlevel
A low-level API for interacting with SMT solvers
-
entoli
A functional programming library inspired by haskell
-
rs_lockfree
a lock-Free lib based on practical Hazard Pointers algorithm
-
randomgen
generating random data such as names, emails, phone numbers, and dates
-
wimlib
(Hopefully) idomatic bindings to the wimlib library
-
sorting
The world's best, finest and inefficient sorting algorithms
-
cut-optimizer-1d
A cut optimizer for cutting linear pieces
-
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
-
vrp-cli
A command line interface for VRP solver
-
prec
A generic operator-precedence parser library
-
geo-aid-script
Geo-AID's subcrate for parsing GeoScript
-
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.
-
easy_argv
helper for pulling and converting arguments, flags, and value overrides from a command statement
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
nblast
neurite similarity algorithm
-
hotdrink-rs
HotDrink in Rust
-
mersenne-twister-m
mersenne twister pseudorandom number generator
-
vmm
A math library focused on vectors and square matrices (Not in development)
-
drain-rs
Automatically cluster semi-formatted text with the drain algorithm
-
gemm-c32
Playground for matrix multiplication algorithms
-
treemap
Squarified Treemap algorithm
-
crossbeam-skiplist
A concurrent skip list
-
transcendent
-
std_collection_traits
Abstraction of operations in std collection types
-
vivalaakam_neuro_utils
calculation some things
-
reciprocal
Baseline implementation of integer division by constants
-
enso-shapely
Automated typeclass derivation
-
dragoonfri
Fast Reed-solomon Interactive oracle proof of proximity
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
java_random
The java LCG and random module implementation in rust
-
blu
LU factorization with dynamic Markowitz search and columnwise threshold pivoting
-
iso9796_rsa
ISO-9796 signature algorithm
-
stack-vector
Vec-like wrapper for an array allocated on the stack
-
indexed_bitvec
An indexed bitvector with (hopefully) fast rank and select operations
-
swap3
Swapping of three references, rotating the values left or right
-
stara
A* Search Algorithm
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
uwu_wasm
uwuifying the web
-
chull
Convex hull approximation
-
elic
A utilities library for Rust
-
hybrid-clocks
Hybrid Logical Clocks
-
divisors
A blazing fast library to find all divisors of a natural number
-
muffin
background job processing library designed to work with MongoDB as its storage backend
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
sprs-rand
Random sparse matrix generation
-
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.
-
bellande_probability
running Bellande Probability calculations via API
-
anyrust
any rust
-
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.
-
lbasedb
Low level DBMS in Rust focusing on datasets
-
gitignored
gitignore algorithm
-
eff
Algebraic Effects Library for Rust
-
concorde
reconfigurable lattice agreement
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
easylazy
Easy lazy initialization of variables
-
stream-more
Stream utilities for Rust
-
packed-uints
Array of uints that scales from u4 to u32 to minimize wasted space while still being fast
-
cp-rs
Competitive programming library, especially for AoC
-
rustlex_fsa
manipulating (deterministic) finite automata
-
easy-int
macros for easy implementation of integer aliases
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
kurobako_solvers
A collection of black-box optimization solvers
-
tiny-earley
Minimalistic implementation of Earley's algorithm
-
deepnest-rust-minkowski
Minkowski operations for deepnest
-
cutter
usefull functions for parsing text. Used for cutting between strings.
-
word_search_solver
Solves a word search
-
bugu
Cuckoo Filter: Practically Better Than Bloom
-
eater_rangeset
work with set's of ranges
-
leetcode_for_rust
leetcode for rust
-
ijzer_lib
IJzer. Provides tools for tensors, parsing syntax tree of the IJ language and transpiling it to rust code.
-
gbps
gossip-based peer sampling
-
data_storage_units
Unit converter for rust language
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
bidimensional
A collection of 2D utilities for coordinate representation and manipulation
-
trie-alg
Trie implementation
-
regex-lite
A lightweight regex engine that optimizes for binary size and compilation time
-
crc32-bzip2-fast
SIMD-powered implementation of CRC-32/BZIP2 (B-CRC-32 CRC-32/AAL5 CRC-32/DECT-B)
-
pareto_front
Builds a Pareto front incrementaly
-
lpn
Software to study attacks on the Learning Parity with Noise problem
-
simple-rate-limit
Rate limit enforcement as simple data structures, no atomics
-
sparse
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
nlsn-delaunay
Delaunay Triangulation and Refinement implementation through Bowyer Watson incremental insertion, conflict maps and ghost vertices
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
triple_buffer
triple buffering, useful for sharing frequently updated data between threads
-
moo-math
math interpreter
-
quad-to-quad-transformer
Translate 2d points from one quad to another
-
stack-bitset
Stack-allocated generic-sized bitset implementation. WIP
-
anti-r
A spatial data structure outperforming r-trees for low numbers of elements
-
hnswlib-rs
Parse and query HNSW indices
-
ctcore
Precision tools for the CTfile family of file formats
-
chromaprint
Bindings to Chromaprint
-
nyar-number
Numeric types with GC optimization
-
set-trie
A trie for fast subset and superset queries
-
dach
A general delta encoded network difference algorithm
-
snowflake-rs-impl
Twitter's Snowflake ID generation algorithm
-
nucleic-acid
Implementations of Suffix Array, Burrows-Wheeler Transform and FM-index
-
sortbuf
Data structure for sorting large numbers of items
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
sugiura-hiromichi_mylibrary
my personal library
-
re_byte_size
Calculate the heap-allocated size of values at runtime
-
small-bwt
BWT construction in small space
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
slsqp
optimizer for Rust
-
non-random-state
Deterministic HashMap and HashSets
-
caminos-lib
A modular interconnection network simulator
-
topset
Top N selector
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
meos-sys
MEOS C API bindings
-
slur
A fast, iterative, correct approach to Stackblur, resulting in a very smooth and high-quality output, with no edge bleeding
-
soco
Algorithms for Smoothed Online Convex Optimization
-
exact-cover
(WIP) Asynchronous exact cover solver library using Knuth's dancing links algorithm
-
librsb-sys
FFI interface for librsb
-
hc128
HC-128 stream cipher. support
no_std
environment. -
ilattice
2 and 3-dimensional integer lattice math
-
braque
Split image into tiles and scramble/unscramble them based on a seed
-
smooth-numbers
Algorithms to generate smooth numbers
-
binartree
Binary Tree realisation
-
kahan
types to perform Kahan summation
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
kratom
neural network library
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
dsll
Fast Thread Safe Doubly Sorted Linked List
-
ribbon
Tape machine for peeking through windows of iterators
-
fstd
A fast standard library for Rust
-
std-dev
Your Swiss Army knife for swiftly processing any amount of data. Implemented for industrial and educational purposes alike.
-
metro
rendering graphs similar to
git log --graph
-
jay-algorithms
Internal dependency of the Jay compositor
-
sol_prng
functional pseudo random number generator. No mutability. Relies on shadowing as of now.
-
flac-sys
Bindings for FLAC 1.3.2
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
hulahoop
An efficient consistent hash ring implementation supporting virtual nodes
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
truth-values
Generate all possible combinations of N bools
-
quickbacktrack
backtracking with customizable search for moves
-
tdlg
Generates a grid of cells that could be used to build a top-down game map. Used by me to learn Rust.
-
ploc
Point location library
-
r2r_rcl
Internal dependency to the r2r crate
-
indented-blocks
parser for indented blocks
-
genx
An easy to use and modular genetic algorithms library
-
wl-tools
Wordlist tools – algorithms and data structures for working with lists of words
-
custom-rust-stemmers
Experimental fork of: A rust implementation of some popular snowball stemming algorithms
-
routee-compass-core
The core routing algorithms and data structures of the RouteE-Compass energy-aware routing engine
-
s5
equation solver written in Rust, built for solving some homework-style problems in orbital mechanics
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
try_all
Extends iterators with
try_all
to convert iterator of results into result of iterator of okays -
lazy_futuristic
Initialize variables lazily, futuristically
-
keybob
A cryptographic key utility
-
bit_combi_iter
An iterator to iterate all bit combinations less than given unsigned integer
-
etsm
Efficient Tiny State Machine using object callbacks
-
rex-regex
A pedestrian library for regular expressions: Slow, but easy to understand
-
satif-minisat
Rust wrapper for the minisat SAT solver
-
rustgym-util
handy macros, data types and traits for rustgym
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
tiamat
a PRNG library
-
automerge
A JSON-like data structure (a CRDT) that can be modified concurrently by different users, and merged again automatically
-
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
-
easy_xxhash64
Easy API to use xxHash for byte vectors and files
-
clingo-sys
Raw FFI bindings to the C API of the clingo library
-
augmented-convert-sample-rate
audio sample-rate conversion, delegates to
samplerate
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
reservoir-sampling
Implementations of a variety of algorithms for reservoir sampling in Rust
-
cienli
historical ciphers implemented in rust
-
aocsol
generate solver for AOC puzzle
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
rxing
port of the zxing barcode library
-
wookong-solo
Wookong Solo driver crate
-
buffer-trigger
A data collection trigger based on the maximum number and refresh time
-
freeverb
algorithm
-
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
utility_converter
lib offering accurate conversions for temperature, weight, and distance
-
tdb-succinct
succinct data structures used by terminusdb
-
runiverse
A pure and safe Rust library to make astronomical calculations and solve astronomical algorithms
-
scan-rules
some macros for quickly parsing values out of text. Roughly speaking, it does the inverse of the print!/format! macros; or, in other words, a similar job to scanf from C.
-
eratosthenes
Mathematical operations library for Rust
-
noice
Fork of noise-rs, a procedural noise generation library
-
leetcode_utils
Boilerplate and helper functions for leetcode exercises
-
hirschberg
Generic implementation of Hirschberg's algorithm in Rust
-
dartlib
Disk backed concurrent Adaptive Radix Tree implementation, with optional generations
-
w_inter
❄️ Weighted INTERval scheduling problem
-
byte_rb
byte ring buffer
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
ray_tracing_core
Ray Tracing based on Peter Shirley's mini books
-
moore-hodgson
Moore Hodgson's Scheduling Algorithm in Rust
-
rummikub_solver
Solves a board of Rummikub game by attempting to fit every piece given into a valid game set
-
unfold
in Rust
-
dancing-cells
Solnon and Knuths Dancing Cells algorithm
-
rangelist
A representation of sets as lists of inclusive ranges
-
hutton-rust
The Hutton cipher implemented as a Rust crate
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
ruva-es
Event Driven TEvent Handling
-
fuss
Small, lightweight simplex noise generator for Rust
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
profqu_neat
that implements the NEAT algorithm
-
hydraulic
An interface for generic compression library usage with a collection (unimplemented so far) of pre-existing compression libraries
-
squares-rnd
fast counter based non-crypto random generator
-
varstack
A call-stack based singly-linked list
-
networkit-rs
Rust bindings for Networkit
-
partitions
A disjoint-sets/union-find implementation that allows for efficient iteration over elements of a set
-
spatial_hash
A 2D Spatial Hash which uses cubes, triangles and hexes
-
gbm-sys
Bindgen generated unsafe libgbm wrapper
-
summed-area-table
summed area table
-
concorde_rs
binding to Concorde TSP Solver
-
randotron
Trivial little library that lets you randomly execute a closure with a sample rate
-
buckets
O(n) integer sort
-
lfa
Native rust implementations of linear function approximators
-
flatty
Flat message buffers
-
markov_rs
fast Markov chain generator in Rust
-
searchlib
Satisficing and optimal search algorithms
-
aviary
bird combinators for Rust
-
actix-raft
Raft distributed consensus protocol using the Actix actor framework
-
wfc-rs
Binding to the krychu/wfc C library
-
cityhash-102-rs
Faithful reimplementation of CityHash v1.0.2 64bit and 128bit hashes
-
multidimension
High-level manipulation of multi-dimensional arrays
-
utf-8
Incremental, zero-copy UTF-8 decoding with error handling
-
vlq-rust
Variable-Length Quantity encoder/decoder
-
stack
DSTs and arrays on the stack!
-
permanganate
Graph and Boolean SAT solver for Numberlink and Flow Free
-
rkm
A generic k-means implementation
-
sra
A collection of spaced repetition algorithms
-
smoothed_z_score
Smoothed z-score algo (very robust thresholding algorithm)
-
rink-core
Unit conversion library behind rink
-
rusty_jsc_sys
Raw bindings for the JavaScriptCore engine
-
plumcast
A message broadcasting library based on the Plumtree/HyParView algorithms
-
arboretum-td
CLI for obtaining exact and heuristc tree decompositions for arbitrary graphs
-
bubbletree
Bubble-tree
-
wildescape
string matching with questionmark, star wildcard operator and an escaped character
-
algo_sorting
implement all kind of sorting in the world of algorithms and more sorting methods will be implemented soon
-
learn-rust-with-bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
sortnet
Sorting Networks for Rust
-
web_random
Web functions for randomness
-
quriust
simulate a quantum computer. Only for quriust ones.
-
robust-binary-search
Robust Binary Search provides a binary search implementation which is robust against errors during the search
-
ford-johnson
algorithm (aka merge-insertion sort)
-
limited_direction
Find path to any direction and distance but with limited directions
-
genetic-rs-common
Commonly-used parts of genetic-rs
-
ctrs
Rust implementations and notes on category theory
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
harper
implement SSGs
-
container-image-ref
Container Image Referneces
-
map-gen-2d
2D map generation algorithms implementaion
-
hac
Hardware Accelerated Computing API for portable high performace computing with the GPU
-
satlog
A logger for SAT-like solvers
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
allehanda
Miscellaneous data structures and algorithms
-
randu
MCG65539 is IBM System/360 random number generator
-
retry_durations
generates a duration iterator for [retry] crates
-
osrandom
An interface to the OS' secure random number generator
-
num-to-words
Number to words converter
-
faststd
Moved to
fstd
(https://crates.io/crates/fstd) -
thirtyseconds
Short Rust 🦀 code snippets for inspiration
-
rabitq
vector search algorithm
-
xcc
Exact Cover solver with color extensions
-
jmbl
A high performance CRDT
-
marzullo
Marzullo's algorithm
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
sortby
adds convenient sort functions for Iterators
-
red_union_find
union find algorithm
-
promql
parser
-
bitvec-rs
Bit vector with guaranteed
[u8]
representation and the ability to get safe immutable and mutable views into its internal vector for easy I/O -
tw-id-num
Check or generate Taiwan ID numbers
-
rsleetcode
Implementations of LeetCode problem solutions in Rust
-
demes-forward
rust API for iterating demes models forwards in time
-
microcad-std
µcad Standard Library
-
ripple
General-purpose DSP data structures and algorithms
-
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
-
space_alloc
General purpose space allocators
-
rdx
A collection of traits and algorithms to ease using radix sorts
-
broadword
algorithms
-
case_converter
Case Converter
-
kmp
Various functions using the Knuth–Morris–Pratt algorithm to efficiently find patterns
-
potpack
Rust port of the potpack algorithm
-
round_pipers
A way to pipe ndarrays using circular buffers
-
fake_headers
Generate fake HTTP headers for your HTTP requests
-
rust-phone-number-geo
中国境内手机号码归属地查询
-
rustmt
A MT19937 PRNG implementation for rust
-
cuckoo
search algorithm
-
grid_shapes
A general purpose 2d grid shape library
-
curieosa
Parse parsing Internationalized Resource Identifiers (IRIs) into Compact Uniform Resource Identifiers (CURIEs)
-
jumphash
A Fast, Minimal Memory, Consistent Hash Algorithm
-
async-hsm
The lightweight asynchronous hierarchical state machine (HSM)
-
collide-capsule
Capsule collider implementation for the collide crate
-
no-std-moving-average
Moving average filter for use in nostd environments
-
gmatlib
linear algebra in Rust and beyond!
-
datom-bigdecimal
Arbitrary precision decimal numbers
-
forky_core
Rust Utilities
-
median-heap
A median heap implementation in Rust, used to keep track of a running median of a sequence of numbers
-
signalo_sinks
A collection of filters used in 'signalo' umbrella crate
-
rodar
a command line tool that brings together all the functions Roy would use for analysis and decision-making
-
skelly
Skeleton animation and IK
-
alloc-align
Allocator wrapper that forces a given alignment (nightly only)
-
based64
BASE64 implementation for chads
-
spsc-ringbuf-core
Heapless ring buffer
-
rust-algorithm
algorithm
-
rational_deduction
rational deduction algorithm
-
stateful
Design patterns for GUI application development
-
pokereval
evaluating poker hands with 5 or 7 cards
-
cursive-audiovis
Audio visualization views for the cursive TUI library
-
partial_sort
provide a Rust version std::partial_sort
-
equation-solver
equation solver that evaluates simple mathemetaical expressions
-
cognitive-outputs
Output related functionality for
cognitive
-
deterministic-finite-automaton
generic implementation of a deterministic finite automaton
-
rev_bits
reverses bits in a specified range
-
drunken-diver
Implements an algorithm inspired by the Drunken Bishop algorithm
-
first_order_logic
first-order logic
-
aaplus
astronomical algorithms
-
unirand
A Marsaglia's universal random number generator
-
hel-random
RNG with weak entropy source (alloc) and xoshiro256++ hashing
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
halton
A module for generating Halton sequences
-
perchance
Very simple random number generation optimized for ease of use
-
sbml-rs
SBML parser written in Rust
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
lifering
A Hash wrapper around floats
-
dihardts_cstools
Collection of data structures and algorithms
-
mecs
An ecs library with a focus on iteration performance
-
alcs
All Longest Common Subsequences and String Fuzzy Search
-
sonic-url
URL-based request builders and parsers for SONIC distributed contracts
-
oars
providing construction methods and utility functions for orthogonal arrays and strong orthogonal arrays
-
sorock
A Multi-Raft implementation in Rust
-
hipparchus-geo
latlon, ellipisoid & geodesic calculations
-
iban_validator
A zero-dependency hobby crate that can be used to validate ibans
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
ziku-algorithms
some common algorithms
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
organism
A struct used for a genetic programing algorithm
-
hwp
낮은 수준의 hwp 파서
-
prng_mt
Mersenne Twister PRNG in Rust
-
shannon
cipher implementation
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
wfc
Generate images using Wave Function Collapse
-
radixal
Digits iteration for unsigned integer types
-
batbox-la
Linear algebra
-
mgraph
performance-oriented graph library for Rust
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
tars
providing useful technical indicators
-
gcra
A basic implementation of GCRA algorithm for rate limiting
-
rdeck
choosing distinct random elements
-
fuzzed-data-provider-rs
that you can use in order to consume fuzz binary data and shape them into structured values
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
genomic
A small crate for implementing genetical algorithms
-
bft-core
An efficient and stable Rust library of BFT core for distributed system
-
random_tester
similar to https://www.fourmilab.ch/random/
-
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
-
event-voxel-builder
Fast event voxel builder
-
euphony-mix
mixing logic for euphony compositions
-
algorithms
most common algorithms
-
qrs_detector
Realtime ECG QRS detector algorithm
-
netaheuristics
Framework to create metaheuristics
-
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"…
-
biiter
A bidirectional Iterator
-
resead-rs
reverse engineered Nintendo's SEAD library
-
tension
Tensor library with OpenCL acceleration
-
rustler_bigint
Handle Erlang's arbitrarily-sized integers
-
selecta_score
Selecta scoring algorithm
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
faust-types
Types and traits needed by Rust modules built from FAUST dsp files
-
pincol
PINned COLlections: data structures utilizing
Pin
pointer -
porco
Composable probability distributions
-
optimus
ID hashing and Obfuscation using Knuth's Algorithm
-
mocker
transforming text with uppercase and lowercase letters, resembling the Spongebob Mock Meme
-
scales
converting values between scales
-
phreak_engine
Rule matching algorithm focussed on speed
-
coding_pk
pk for coding solution
-
compute-float
Computes floating point numbers using Eisel-Lemire algolithm
-
gt-directed-bijective-connection-graph
an implimentation of a directed bijective connection graph
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
wordfeud-solver
evaluate all possible moves given a wordfeud board and rack
-
rlwe
Arithmetic in RLWE rings
-
ripped
A pure-Rust Interior-Point solver for linear programs
-
autocomplete
Auto-complete feature using Trie data structure
-
vkfft
Rust bindings for VkFFT
-
aobscan
multi-threaded AOB memory scanning
-
lis
Longest increasing subsequence algorithm
-
timeflaketiny-rs
TimeflakeTiny is 64-bit sized timebased unique, roughly-ordered and compatible with sqlite. Inspired by original Timeflake that is 128-bit sized.
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
labeledgraph
A flexible graph library for rust
-
tower-fallback
A Tower service combinator that sends requests to a first service, then retries processing on a second fallback service if the first service errors
-
okvs
WIP implementation of Oblivious Key-Value Stores
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
subway
Fast, performant in-memory SkipList implemented in Rust
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
sort_algos
Sorting alghoritms
-
fawkes-crypto-pairing_ce
Pairing-friendly elliptic curve library
-
sfcpl
private library for atcoder
-
utils-soeur
Just a library of practical tools for my own use
-
extra_waiters
Wait for notifications without a Mutex
-
algo
Algorithms & Data Structure implementations
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
watchmaker
A genetic algorithm implementation in Rust
-
osqp-rust
The OSQP (Operator Splitting Quadratic Program) solver
-
rpack
Packing algorithm implmentation
-
normalized-hash
Cross-platform hash algorithm
-
reset-recognizer
A RegexSet based route recognizer
-
rust-distributed-id
Rust version of the Twitter snowflake algorithm
-
cbsrs
A Circular Binary Segmentation algorithm
-
partition-iterator
Iterator adaptors that enumerate all partitions or all k-partitions of an iterator's content
-
drunken_bishop
OpenSSL's randomart algorithm
-
murmur2
hash functions - see docs.rs
-
similarity
calculating similarity between numerical slices
-
zhong_rust_lib
adding two integers
-
squirrel3-rs
reliable random number generator
-
llsc
load-link/store-conditional implementation using atomics
-
libtqsm
Sentence segmenter that supports ~300 languages
-
sortrs
An introspective sort implementation
-
lccc-siphash
Highly Optimized siphash implementation for use by lccc
-
ann_dataset
A lightweight research library for managing Approximate Nearest Neighbor search datasets
-
bvh
A fast BVH using SAH
-
milvus-sdk-rust
The official Milvus Rust SDK
-
hatmil
HTML builder
-
searchsort
trait implementing Binary Search and Quick Sort algorithms
-
algosort
sorting algorithms
-
rust-ukf
unscented Kalman filter in rust which supports multiple different measurement updates
-
bravery_router
Radix Tree implementation
-
chunk-diff
A fast and memory-efficient library for computing the difference between two frames of rect
-
chf
Cryptographic hash functions used by rust-bitcoin
-
integer-cbrt
integer cube root algorithm for primitive rust types
-
minhash-rs
MinHash trying to be parsimonious with memory
-
iterutils
Provide easy way to iterate through multiple iterators in ordered/selective way
-
fast-dhash
A fast rust implementation of the perceptual hash dhash
-
indentsort
Structure-preserving sorting of arbitrary indented text
-
quick_select
The Quick Select algorithm for Vec implemented in rust using Lomunto partitioning
-
hmeasure
H-Measure for assessing binary classifiers
-
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.
-
libtess2-rs
good quality polygon tesselator and triangulator
-
statics
calculating static forces on free body diagrams
-
openraft-rocksstore
A rocksdb based implementation of the
openraft::RaftStorage
trait -
probabilities
Compact library for sampling and calculations related to various statistical distributions
-
iobuf
A contiguous region of bytes, useful for I/O operations
-
sbrd-gen
Schema-Based Random Data GENerator
-
markovr
Higher-order Markov Chains
-
sorts
A collection of sorting algorithms
-
z3-sys
Low-level bindings for the Z3 SMT solver from Microsoft Research
-
bmatcher-core
bmatcher is a flexible and efficient binary pattern matching library designed to help you search and match binary data
-
yamcts
Monte Carlo Tree Search
-
mop-solvers
Solvers for MOP
-
scaly
programming language
-
remedian
A Rust implementation of The Remedian
-
double_sort
fast and simple sorting algorithm which groups numbers into pairs and orders them onwards as nodes
-
subproductdomain-pre-release
Implements subproduct domain algorithm
-
colorid
The unique 4-colors-ID string generator in in Rust
-
atomex
Atomics extensions in Rust
-
dyn-smooth
Dynamic smoothing filter based on an algorithm by Andrew Simper
-
m4ri-sys
Bindings to m4ri
-
cetkaik_random_play
Randomly plays the game of cetkaik. See https://sites.google.com/view/cet2kaik/the-standardized-rule-in-english for more context.
-
fuzzy_dbscan
FuzzyDBSCAN algorithm
-
ceres-solver-sys
Unsafe Rust bindings for the Ceres Solver
-
random_lfsr_256_galois
random generator imlplementation based on linear feedback shift register (LFSR, Galois variation) on 256-bit polynome
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
zero-copy-pads
Padding/aligning values without heap allocation
-
libribzip2
a bzip2 library written in pure rust
-
bcmp
bcmp offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
disk-based-bfs
Fast generic implementation of breadth-first search using disk storage, suitable for extremely large implicit graphs
-
wordlea
A algorithm to check Wordle's word guess
-
number-based
attempt of mine to make working with number bases simple
-
numcmp
Comparison between differently typed numbers
-
clipper-sys
Boolean operations on polygons (Clipper wrapper)
-
prime-number-utils
generate prime numbers and to determine whether a number is prime efficiently
-
spsa
Simultaneous perturbation stochastic approximation
-
opti_solve
Common optimization algorithms
-
quine-mc_cluskey
Quine-McCluskey algorithm and Petrick's method
-
search-autocompletion
Search Auto Completion
-
windmouse-rs
windmouse
-
const_sized_bit_set
A bitset with a const generic size parameter indicating the number of 64 bit words to use
-
varisat-checker
Proof checker for proofs generate by the Varisat SAT solver
-
test_common
Just an utility library with functionality I usually use in my unit tests and integration tests
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
bigs
A bipartite graph sampler
-
chessie_types
Internal crate for use in the
chessie
crate. Do not use independently -
cellular-snapp
Create cellular automata
-
n18tile
Defines 18xx tile elements and track networks
-
aob_common
String searching with wildcards
-
raft-proto
Protocol definitions for the rust language implementation of the Raft algorithm
-
lazy-char-iter
Lazily iterate over Unicode characters from a u8 slice in Rust
-
soplex-sys
FFI bindings to the SoPlex LP solver
-
win95-keygen
A lightweight library to generate valid Win95 product keys
-
cubecl-spirv
SPIR-V compiler for CubeCL
-
satsnet_hashes
Hash functions used by the rust-bitcoin eccosystem
-
location_based_sharding
Right sized sharding algorithm
-
synevi_persistence
A leaderless, consensus library based on Apache Cassandra's Accord algorithm
-
enso-generics
supporting generic programming
-
geo-rand
Generate random geometric shapes
-
stackbt_automata_impl
Automata implementations for StackBT
-
yet-another-md5
compute md5 hashes from Read objects
-
rotbl
Read Only Table
-
stochastic_optimizers
Generic implementations of gradient based stochastic optimizing algorithms
-
logicng-open-wbo-sys
LogicNG Bindings for OpenWBO
-
csparse21
Sparse Matrix Solver
-
radiate-rust
genetic algorithms and artificial evolution
-
data_units
Data unit converter
-
lightningscanner
A lightning-fast memory pattern scanner, capable of scanning gigabytes of data per second
-
flowing
flow graph processing library
-
graph-neighbor-matching
Graph similarity score using neighbor matching
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
library_of_babel
Babel in Rust
-
gplu
Sparse LU factorization with partial pivoting
-
blackboxmc_java
BlackboxMC bindings for java.util
-
simple-rnd
Tiny random number generation library
-
gosh-fire
FIRE algorithm for geometry optimization
-
gsl_rust
A safe GSL wrapper
-
graph_solver
An undirected graph constraint solver for node and edge colors
-
apriltag-sys
Rust bindings for AprilTag library
-
co_sort
Sort arrays given a permutation
-
lcs_rs
longest common subsequence
-
robin_merge
merging vectors round-robin style
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
lazy_transducer
Lazy, parallel, indexable, generic data iterators
-
cellular_lib
simulation of cellular automata
-
non-dominated-sort
Fast Non-Dominated Sort Algorithm
-
aud
A minimal implementation of Sagas
-
surrealml-core
The core machine learning library for SurrealML that enables SurrealDB to store and load ML models
-
aleph-alpha-tokenizer
A fast implementation of a wordpiece-inspired tokenizer
-
xxhash-c-sys
Bindings to xxhash
-
local-or-heap
type with a pre-specified size, regardless of the size of the T type it contains, using heap allocation if necessary
-
sliding_dft
Sliding DFT
-
rusted_list
A ever sorted list for rust that is operating on binary search
-
seqdiff
Diff between two sequences
-
anndists
some distances used in Ann related crates
-
power-consistent-hash
Power consistent hash - constant expected time constant memory consistent hash
-
lttb
Largest Triangle Three Buckets algorithm
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
dyn_ord
Equality and ordering for trait objects
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
ram
that helps to parse source code with finite state machines
-
spacetimedb
Easy support for interacting between SpacetimeDB and Rust
-
numeric-algs
implementing some numerical algorithms
-
npcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
rustsat-glucose
Interface to the SAT solver Glucose for the RustSAT library
-
rope_rd
A Read/Seek rope implementation
-
openmodel
Geometry library for structures
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
competitive-hpp
Competitive Programming Library for AtCoder with Rust
-
depper
basic dependency validation
-
kissat
wrapper for the Kissat SAT solver
-
gemm-c64
Playground for matrix multiplication algorithms
-
autosat
Automatic conversion of functions to CNF for SAT solving
-
distributed-cards
Implements the mental poker shuffling algorithm
-
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
-
sincere_token
token
-
ecoord-transform
Supplementary operations for transforming between 3D coordinate frames
-
wordle-automaton
Solve wordle puzzles
-
unarray
working with uninitialized arrays
-
fux_kdtree
K-dimensional tree implemented in Rust for fast NN querying
-
phreak_rules
Rule matching algorithm focussed on speed
-
seeded-random
deterministic randomness
-
speedytree
Canonical and RapidNJ implementations of Neighbor-joining in Rust
-
fuzzy-filter
A fast implementation (O(n)) of fuzzy-filtering
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
b-k-tree
Burkhard-Keller tree data structure for finding items separated by a small discrete distance
-
dispnet-shared
Shared Library used for Dispnet
-
tierkreis-core
Core implementation for the tierkreis quantum-classical hybrid workflow orchestration tool
-
aabel-bloom-rs
implements the Bloom filter
-
wgpu_sort
WebGPU/wgpu Radix Key-Value Sort
-
dft
The package provides an algorithm to compute the discrete Fourier transform
-
etcd_dynamic_state
Etcd dynamic state library
-
lyon_path
Types and utilities to store, build and iterate over 2D paths
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
ffuzzy
generate / parse / compare ssdeep Context Triggered Piecewise Hashes (CTPH)
-
isogeometric_analysis
Create implementing algorithms related to Isogeometric Analysis. Bezier, B-spline, NURBS, numerical integration and isogeometric approach to PDE approximation.
-
streemap
Set of tree map algorithms (binary, squarified, ...)
-
npc-engine-utils
module of the NPC engine, providing re-usable support code
-
powers
Power flow simulation and optimization
-
maolang-core
Core components (tokenizer, parser, evaluator) for the Mao language
-
perm
-
largest-remainder-method
The largest remainder method
-
raftmodel
A logic model for the raft consensus algorithm
-
simplerandom
pseudo-random number generators
-
biterate
API for Gurobi optimizer
-
fera
An aggregation of algorithms, data structures and supporting crates
-
cfpyo3_rs_bindings
a collection of performant utilities
-
test_tools
Tools for writing and running tests
-
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
-
scad_tree_math
Math library for scad_tree
-
ecitygml-converter
converting CityGML data to other representations
-
parallel-factorial
fast, parallel factorial calculator
-
sprs_suitesparse_camd
sprs bindings to the suitesparse camd fill-in reducting ordering
-
metromc
Markov chain Monte Carlo sampling using the Independence Metropolis-Hastings algorithm
-
meowhash
Meow hash function
-
simple_graph_algorithms
goal of making running graph algorithms as easy as possible
-
rand-bits
Random number generators with a fixed number of set bits (ones)
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
aliasmethod
Walker's Alias method
-
patmatch
A configurable pattern matching / wildcard matching library
-
random_access_unicode
Provide random access to the unicode characters in a file
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
rand_pcg
Selected PCG random number generators
-
tensoraudio
Reading and writing WAV files to and from tch-rs compatible tensors
-
astar_rust
astar search alogorithm
-
oshash
https://pypi.org/project/oshash/ in Rust
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
eprmutate
Permutation Library
-
wgdiff
LCS-based diff algorithm
-
r30_rs
A psuedo-random bit generator in Rust implemented with the Rule-30 elementary cellular automata
-
flat_map
A compact map stored as a vector of key, value pairs
-
congruence
closure
-
log4rs-gelf
TCP Handler and GELF Encoder to use with the log4rs logging framework
-
refset
A non-owning HashSet
-
emas_rs
Rust-based EMAS optimization algorithm
-
rusty_grammar
A modified CYK algorithm to work for Language
-
color-gradient
Color gradient and color interpolation
-
rmath
math library
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
izihawa-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
game-solver
Solve any combinatorial game
-
pso
Particle Swarm Optimizer
-
yaum
Units of Measurement
-
oefpil-sys
Rust FFI bindings to statically linked C/Fortran library OEFPIL
-
comtesse
graph utilities
-
finite-state-automaton
A minimal DFSA implementation based on Jurafsky & Martin (2009)
-
minecraft_end_generation
The minecraft end generation implemented in rust
-
triangle-rs
binder for the 2D mesh generator and Delaunay triangulator Triangle
-
algen
A parallelized genetic algorithm runner
-
securerand
a create that extends getrandom to harden the entropy and provide a more useful api
-
generic-state-machine
that allows to create generic or Moore or Mealy state machines that allows the use of custom transition functions
-
ordq
Order keeping job processing queue
-
easey
Easing functions for interpolation between 0.0 and 1.0
-
whosly
便捷的工具库
-
sharded-counter
A fast and concurrent counter
-
tipping-rs
Token Interdependency Parsing (Tipping) algorithm
-
shufflr
Shuffle a lists using Fisher-Yates algorithm
-
quicksort_gen
Generic implementation of quicksort algorithm
-
weighted-median
Calculate the weighted median
-
suitesparse_ldl_sys
Raw bindings to SuiteSparse's LDL algorithm
-
hexspec
A dsl for creating and verifying byte buffers
-
jaro_winkler
Fast implementation of Jaro-Winkler for comparing two strings
-
parser-haskell
Parses Haskell into an AST
-
basic_dsp_interop
Digital signal processing based on real or complex vectors in time or frequency domain
-
sparse_graph
Sparse graph algorithms
-
sparse_linear_assignment
Solvers for sparse linear assignment problem based on the auction algorithm
-
spatium
Spatium. Calc distance between sequences.
-
boolean
Straightforward re-useable enum based boolean (which you likely won't need =))
-
dzn-rs
dealing with DZN files used in the MiniZinc language
-
u160
Unsigned Integer 160 bits
-
pacifica-rs-rpc-impl-grpc
grpc support for pcifica-rs
-
rexl
Common Library for Rust
-
hmm
Hidden Markov Model
-
nostbeep
A no_std implementation of a binary heap. Binary Heap is implemented as a max heap.
-
droprate
generating different kinds of randomized trials given a set of options and weights
-
bidir-map
Bidirectional map implementation for Rust
-
mesh-sweeper
Mesh sweeping algorithms!
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
hora-new
Hora Search Everywhere
-
prefix_sum
prefix sum data structure
-
statest
statistical test
-
purrcision
decimals for nostd
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
amcl_wrapper_ml
Wapper over Milagro Cryptographic Library (version 3)
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
triangulate
Subdivides polygons into equivalent triangles
-
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. -
webmerc
port of globalmaptiles.py
-
narcissistic
number searcher
-
dotty
generating DOT graph files
-
verhoeff
algorithm, for number checksums
-
interp1d
lightweight interpolation library written in Rust
-
random_sequence
Generate a random shuffle of the numbers between start (inclusive) and end (exclusive)
-
next_long_reverser
The preimage of nextLong() for the Java LCG
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
drain_at_sorted_unchecked
Terribly unsafe but highly efficient function that allows removing items from a vector with few moves
-
ira_drum
A packaging format for textures and models
-
str-similarity
A string similarity library
-
fable_format
using the assets of Fable, Fable: The Lost Chapters, Fable Anniversary, and mods
-
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…
-
idalloc
different methods of allocating unique identifiers efficiently
-
dep-res
dependency resolution
-
pcg
A port of the PCG random number generation library
-
randge
Generate unique random numbers
-
iter_enumeration
Unifies Iterators over Same Type
-
musemap
Fast DoS-resistant hashmap based on MuseAir hash algorithm
-
rost
sorting
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
morel
A string searching library
-
or-iterator
Rust iterator which takes two iterators and returns non-empty one
-
iris-lib
that creates color palettes from images using the median cut algorithm
-
dsar
Data Structures & Algorithms in Rust
-
geass
15puzzle solver
-
tenhou-shuffle
Tenhou Deck/Wall-Shuffling Algorithm
-
webidl2wit
that proivdes conversion from WebIDL to WebAssembly Interface Types (WIT)
-
scour
A fuzzy search algorithm
-
quilt_partition
A union-find/disjoint-sets algorithm (part of the quilt project)
-
norm
A collection of distance metrics on strings
-
ferment-interfaces
Traits for FFI conversions and some helper methods
-
asearch
Approximate pattern matching on Rust
-
heterogeneous_graphlets
computation of heterogeneous graphlets
-
bitset-fixed-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
jawe-cuvs-sys-iv
Low-level rust bindings to libcuvs
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
to_precision
Write out a float rounded to the given position
-
klu-rs
Save bindings to SuiteSparse's KLU sparse matrix solver
-
griditer
Contains a couple of iterators for implementing 2D grid based algoritms
-
ts_static
Wrapper macro for lazy static and a struct to aid in accessing a static in a thread safe way
-
crc_all
A Pure Rust Implementation of Generic CRC Algorithm
-
pire-gemm-s16s16s32
high performance cpu kernels
-
permutation-generator
A direct permutation generator
-
linprog
A linear programming library
-
beehive
collections for 3D hexagonal maps
-
crc16-en13757-fast
SIMD-powered implementation of CRC-16/EN-13757
-
librualg
Collection of basic algorithms for everyday development
-
sorted-list
SortedList data structure which allows mapping an Ord key to multiple distinct PartialEq values
-
pso_rust
famous PSO method
-
polymur-hash
Polymur hash function
-
rxqlite-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
aporia
A flexible random number generation library
-
algorithm_rust
some common rust_algorithms, Everyone can participate, and the project will continue to be updated, all the algorithms comes from <Introduction to Algorithms III>
-
algae-rs
A collection of abstract algebraic structures implemented in Rust
-
extrema
C++'s minmax_element implementation in rust
-
del-msh-core
mesh utility library for computer graphics research and prototyping
-
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,
-
voml-collection
Collections for VOML
-
fuzzerang
Efficient random number generators and distributions for fuzzing
-
generic-ec-core
Core traits of
generic-ec
crate -
quickdiv
Faster repeated division and modulo operations by the same divisor
-
g2gen
A macro to create types that implement fast finite field arithmetic
-
biterator
iterating over individual bits in a byte stream
-
py_pathfinding
A* and Jump-Point-Search algorithms using ndarray which makes them easy to use via pyo3 in Python
-
rscv
rust cv
-
fxtypemap
A fast type map based on internal hasher used in Firefox and Rustc
-
block-array-cow
In memory array de-duplication, useful for efficient storing of a history of data versions
-
norx-permutation
NORX Permutation
-
ezrng
Generate random numbers in the most simple way possible
-
bogo-plus-plus
Blazingly fast 🚀 AI 🤖 Powered Sorting algorithm
-
gut
Geometry utilities: storing, manipulating and processing geometries
-
flat-veb
Fast implementation of vEB trees without internal allocation
-
minirng
A mini audio library
-
sixarm_assert
Assert macros for Rust tests. By SixArm.com.
-
bigdecimal-no-std
Arbitrary precision decimal numbers
-
regalloc
Modular register allocation algorithms
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
fibonacii-heap
Priority queue implemeted using a Fibonacii Heap
-
kd-tree-rs
k-d tree
-
galil-seiferas
General string search in constant space, linear time, for nonorderable alphabets
-
awesome-trie
Awesome Trie is a fast Implementation of Trie algorithm
-
ca4rs
Cellular Automata for Rust
-
optimum
Future Framework to solve optimization problems
-
scell
A smart container for objects in recursive data structures
-
signal_processing
A signal processing library
-
permutation-rs
Do calculations with groups
-
range_union_find
A union-find data structure for ranges
-
gpt-partition-type
getting information about a GPT partition from its partition type GUID
-
istos
graphs
-
minterpolate
Data set interpolation for mint primitives and raw arrays
-
candle-gemm-common
Playground for matrix multiplication algorithms
-
ruby-math
3D math library for games and graphics
-
konnoohmachi
Efficient spectral smoothing
-
optimization
Collection of optimization algorithms
-
four-bar-ui
Four🍀bar GUI is a simulator, a synthesizing tool for four-bar linkages
-
mc64
Sparse matrix scalings
-
sacabase
Base types and functions for suffix arrays and longest substring search
-
hotsax
based discord discovery algorithms
-
intersect2d
Line segment intersection detection
-
fluent_state_machine
A domain-specific language (DSL) for creating state machines in Rust
-
debug-builders
A copy of libstd's debug builders for use before they stabilize
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
measurement-units
basic measurements units conversion such as length, mass, time, volume, percents
-
streaming-stats
Experimental crate for computing basic statistics on streams
-
b2c2-casl2
b2c2におけるCASL2の雑なパーサー?
-
label-propagation
Label Propagation Algorithm by Rust
-
transvoxel
Eric Lengyel's Transvoxel Algorithm
-
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
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!
-
seer-z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
fast-noise-lite-rs
FastNoise Lite written in rust
-
adversarial_search
Rust adversarial search library
-
fasthash
A suite of non-cryptographic hash functions for Rust
-
automaters
Implémentation d'automate en Rust. (FSM, NFA, DFA, NDFAE)
-
velocypack
ArangoDB's VelocyPack protocol
-
yfft
fast Fourier transform library optimized for small, power-of-two, single precision transforms and x86 systems
-
k_nearest
K-nearest neighbors search for points with maximal search radius
-
grue
Various tools and algorithms for building role-playing and adventure games
-
audiograph
An audio graph optimised for performance and limiting runtime allocations
-
alg-grid
Algorithms for pathfinding in a 2D or 3D grid
-
clipper2c-sys
Exposing unsafe FFI for Clipper2 library for Rust
-
memoires
Memoization for Rust
-
kaede
adalah rust library untuk operasi matematika sederhana
-
sortable-quick-unique-id
The Sort-able Quick Unique ID system
-
framp
Fork of James Miller's Ramp, a high-performance multiple-precision arithmetic library
-
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
-
gossip
A generic gossip library that uses gossip-based peer sampling
-
opensimplex_noise_rs
OpenSimplex noise algorithm implementation in Rust
-
randish_rs
Generate predictably random like numbers using LCG
-
jumpconsistenthash
Jump consistent hash i.e. 'A Fast, Minimal Memory, Consistent Hash Algorithm' from Google
-
loaded_dice
sampler for loaded dices, implementing the alias method
-
bpci
Binomial proportion confidence intervals
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
twentyfour
A solver for the 24 card game
-
simdutf8
SIMD-accelerated UTF-8 validation
-
rankmap
rust hash table supporting key ranking
-
brzozowski-regex
Brzozowski regular expressions
-
imei
number validator
-
randomkit
numpy.random
for Rust -
moving-least-squares-image
Image deformation using moving least squares
-
pocket_prover-set
A base logical system for PocketProver to reason about set properties
-
varisat-internal-proof
Internal proof format for the Varisat SAT solver
-
typebitset
Type-level bitset implementation
-
simplegraph
graph implementation
-
totsu_f32cuda
CUDA linear algebra operations for
totsu
/totsu_core
-
force_graph
Force-directed graph algorithm
-
prandom
Some PNRG algorithms implemented in Rust
-
compile-rand
Compile-time random integers
-
heckcheck
A heckin small test case generator
-
rand-wyrand
The extremely fast WyRand PRNG for the rand ecosystem of crates
-
regex-dfa-gen
A proc_macro lexer generator. using
enum
-like syntax. -
polymatheia
Mathematical types, traits, and algorithms in pure and safe Rust
-
moveslice
A one-function crate to move chunks in a slice around
-
quickphf_codegen
Code generator for creating static maps and sets for use with quickphf
-
map_to_range
map numbers from on range to another
-
heapify
Convenience functions to turn slices into max-heaps
-
signalo_sources
A collection of filters used in 'signalo' umbrella crate
-
spaced-repetition-rs
A spaced repetition algorithm based on anki and supermemo
-
minecraft_nether_generation
The minecraft nether generation implemented in rust
-
koper
project
-
object-detection-opencv-rust
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
iterators-collection
A set of general purpose iterators useful but not included to the standard library
-
sbitty
defining bitwise operations on standard integers type
-
but-what-about
A permutation & combination calculation crate for rust
-
lev_distance
A copy of Levenshtein distance implementation from Rust Compiler
-
webgl-rs
Safe Rust wrapper around the WebGL API
-
integer-hasher
std::hash::Hasher
which does not hash at all -
eirproject/libeir_tests
Erlang ecosystem common IR
-
wav2json
that decodes wav audio files into json waveform data
-
kube_quantity_2
kube_quantity is a library adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
spral
Rust wrapper for SPRAL
-
Algod
Many types of rust algorithms and data-structures
-
weighted_levenshtein
Generic implementation of Levenshtein distance allowing arbitrary weighting of operations
-
mesh-rand
methods of generating random points on the surface of 3d models
-
gemm-f64
Playground for matrix multiplication algorithms
-
ordered-map
A HashMap, with the capability of accessing the keys and values in order
-
fsm-rust-jb
FSM (with effects, like Mealy machine) implementation in Rust
-
hash_arr_map
Hash maps with an array part, like Lua's tables
-
bigfloppa
Arbitrary precision decimal numbers
-
mona
Transform nested container types
-
simple_permutator
create permutations of a list of values. Eg Permutator::new(&[1,2,3]) creates an iterator that yields [1,2,3], [2,1,3], [2,3,1], [1,3,2], [3,1,2], [3,2,1]
-
kmpsearch
String/Byte pattern searching within byte slices or strings, using the Knuth Morris Pratt algorithm
-
chemrust-scanner
The core modules defining the flow and structs of data in computational chemistry routines
-
magpie
High-performance Othello library built with bitboards
-
asura
in Rust
-
imohash
Fast hashing for large files
-
pluum
very sweet
-
igs
solving impartial games
-
rustomaton
A small Rust library for automaton (DFA, NFA, Regex) manipulation
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
shr3
3-shift register random number generator
-
revonet
real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also known as neuroevolution.
-
yass-2
string similarity library
-
chronologic
Time constraint reasoning (scheduling...)
-
savant_rs
Savant rust optimization library
-
pi_guid
An GUID Generator
-
threed-ice
The package provides an interface to 3D-ICE
-
simple_nn
nueral network library
-
broccoli-ext
broadphase collision detection algorithms
-
b2c2-debugger
CASL2のコードを雑雑に実行テストするCOMET2シミュレーター(エミュレーター?)もどき
-
rlp-iter
An iterator following a space-filling pattern over a given range
-
pkbuffer
Buffer objects made for arbitrary casting and addressing!
-
snake_case_converter
convert strings to snake case
-
binary_modifier
read & write to buffer
-
genetic-algorithm-tsp
Using genetic algorithms to solve Traveling salesman problems
-
geo-buffer
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton
-
gurobi
An unofficial Rust API for Gurobi optimizer
-
laizy
stable and thread-safe implementation of a lazy value
-
prim_int_kind
Enumeration whose variants represent kinds of primitive integers
-
mbd
modified band depth that also compiles to WASM
-
hexagon-map
Coordinate transformation and pathfinding for hexagonal maps
-
sykin
kinematic calculations using the syunit-unit-system
-
operations
Basic algebraic and mathematical expressions for use with dynamic elements
-
parsedown
Markdown to html parser
-
numext-constructor
Fixed-size uint and hash constructor
-
vec_rand
Vec generator to hold random contents
-
dynforest
dynamic forest management
-
crc-32c
Comput CRC-32C using accelerated SIMD and fusion algorithm
-
butils
shared by software included in BSuccinct
-
autobahn-hash
HighwayHash, a fast and strong SIMD hash function
-
ds-list
singly linked list and a doubly linked list (with sentinel node)
-
worlde-automaton
Solve worlde puzzles
-
n18game
assets and logic for 18xx games
-
numext-fixed-uint-core
A internal crate used by numext-fixed-uint
-
const_lookup_map
Rust map that can be defined in a const context
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
lit-vek
iter! and vek! macros for nicer literal syntax
-
ms2
that replicates the ms package from TypeScript for Rust
-
buter
Fluid buffer as place for iterators
-
fibonacci_codec
fibonacci coding for primitive integer types
-
ceetle
A Computional Tree Logic (CTL) Verifier
-
tilecover
Generate the minimum number of tiles to cover a geometry
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
scuttle-core
Core library of the Scuttle MO-MaxSAT solver
-
resistor
calculating the resistance of a resistor based on the color bands
-
baseperm
generating valid permutations of encoded inputs
-
simid
Universally Unique IDentifier (UUID)
-
rust_bresenham
determining Bresenham lines
-
pulau-rs
allocation-free union-find library for bare metal environments
-
schindel
rust min-shingle hashing
-
afarray
Convenience methods for working with ArrayFire arrays in Rust
-
agreed
Fork of async-raft, the Tokio-based Rust implementation of the Raft protocol
-
chain_from_last
Iterator adaptor for chaining from last item
-
distance_difference_triangulation
Position triangulation from differences of distances
-
modulo
operation
-
rsbalancer
that implements load balancing algorithms
-
sling
Sequentially lockign (SeqLock) Ring Buffer
-
tree-edit-distance
Find the lowest cost sequence of edits between two trees
-
prns
fast random-access pseudo-random number generator
-
format_tools
Collection of mechanisms for formatting and serialization into string
-
cpp_map
C++ std::map emulator
-
a-star_traitbased
Implemetaion of A* useful for stuct, based on train implementation
-
is-real
real?
-
keyde
Fast, Dependency-free Spacial Queries
-
toolbox
tools for daily use
-
string-ring
A circular string buffer with character- and line-level granularity
-
bitwise
Portable high-level bitwise manipulation algorithms
-
affine_transforms
(Pre Release Package) Does linear transformations in R3
-
proportionate_selector
Selecting useful solutions for recombination via fitness proportionate selection
-
primenumbe-rs
Generate the nth prime number
-
matx
A lightweight, rusty matrix library that allows for simple and fast matrix operations
-
gcm-lcm
Greatest convex minorant, least concave majorant
-
nilsimsa
locality-sensitive hashing algorithm
-
radiate-extensions
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and regression analysis
-
feature-set
User defined feature set
-
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.
-
reachability_solver
A linear reachability solver for directional edges
-
strtools
containing various string utilities
-
pcg32
No-frills PCG32 random number generator implementation
-
dda-voxelize
3D mesh voxelization with the DDA algorithm
-
almeida-estimator
Improved OFPS implementation of robust camera position estimator paper by Almeida et. al
-
exotic-iter
My personal collection of special-case iterator methods
-
czt
The package provides an algorithm to compute the chirp Z-transform
-
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
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
vertical-multiplication
Vertical multiplication step by step
-
sorting_explorer
An exploration of various sorting algorithms
-
kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
pushy
A pushable stack-allocated buffer
-
rusty_algo
Implementations of algorithms from 'Introduction to Algorithms' by Cormen et al
-
hash_utils
A collection of hash functions
-
tilemap_astar
dependencyless astar implementation
-
jawe-cuvs-sys-iii
Low-level rust bindings to libcuvs
-
zerobuf
A growable chunk of zeroed memory
-
uell
A bumpalo-based Unrolled Exponential Linked List
-
synevi_types
A leaderless, consensus library based on Apache Cassandra's Accord algorithm
-
text_converter
A trait that helps with manipulating text
-
alea-js
Rust port of the javascript alea rng
-
libswifft
production-ready C/C++ library providing SWIFFT, one of the fastest available secure hash functions, which is also collision-resistant as well as facilitates zero-knowledge proofs of knowledge of a preimage (ZKPoKP)…
-
hyperid
Superfast id generator
-
permutations_iter
Generate permutations iteratively without recursion in O(n) time
-
waifu
solver
-
chromosome
Genetic algorithm tools library
-
dep_crusher
Starting at a root node, traverse the dependency graph and flatten it
-
crc32-aixm-fast
SIMD-powered implementation of CRC-32/AIXM (CRC-32Q)
-
wy
wyhash algorithms
-
hamming-heap
Amortized constant time min heaps for binary features in nearest neighbor searches
-
sacapart
Partitioned suffix arrays, for use with
sacabase
-
grid_search_cardinal_common
Reusable components for use implementing uniform-cost cardinal grid-searching algorithms
-
heapp
Some heap operations on slice
-
sonare
Runtime environment for formally-verifiable distributed software
-
qhull-sys
Rust bindings to Qhull
-
fixedbitset-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
iter_vec
vector of iterator but specialized for std::slice::Iter
-
rle-bitset
A no-std, no-alloc trait for querying and manipulating bits in a
[usize]
and iterating their run lengths -
lemonmath
A math library
-
kdtree-rust
KDTree
-
closest-sum-pair
Finds a pair in a list that has the closest sum to a given number
-
varisat-formula
Basic formula data types used by the Varisat SAT solver
-
every-range
Iterator for interleaving included and excluded ranges
-
norman
Implementations of different norms for elements of vector spaces
-
luhn_tools
A fast, minimal implementation of the Luhn algorithm
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
shash
An arbitrary-length-input hash function for competitive programming and experimental purposes
-
rtt
Rapidly-Exploring random trees path planning algorithm
-
inohashmap
fast and efficient insert only string hashmap
-
genesys-dice-roller
dice rolling library for genesys dice strings
-
numerical
Algorithm for numerical analysis
-
more-iter
More iterator utilities
-
alg_ds
Algorithms & data structures
-
priority_container
Datastructure to find n biggest/smallest items within a large set
-
wtest
Tools for writing and running tests
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
piston-history_tree
A persistent history tree for undo/redo
-
randlib
Dependency-less random value generator using pointer addresses and time
-
ruva-core
Event Driven TEvent Handling
-
murmurhash64
MurmurHash2 (64bit version)
-
truetree
Trees in Rust
-
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. -
onemax-oxigen
OneMax simple problem resolution using oxigen
-
ordslice
Extensions for ordered slices
-
parse_rust
Python's parse library for string parsing and pattern matching
-
nefsm
state machine library for Rust
-
orc-format
Unofficial implementation of Apache ORC spec in safe Rust
-
squares
A Counter-RNG faster than Philox
-
candle-gemm
Playground for matrix multiplication algorithms
-
flo_sparse_array
Sparse array data type: a fast map between usize values and data
-
path-finding-lib
variety of path finding and graph operations. Work in progress.
-
openraft-rocksstore-compat07
A example v07 compatible implementation of the
openraft::RaftStorage
trait -
fifo-set
FIFO queue with unique elements
-
neutils
Utitlity functions
-
struct-map
struct transform map or map transform struct
-
switchy_random
Switchy RNG package
-
pire-gemm-f16
high performance cpu kernels
-
lolraft
A Multi-Raft implementation in Rust language
-
rusty-matrix
A generic matrix implementation
-
intset
Various integer set data structures, each efficient for different operations
-
tlist
Type-level linked lists (of types) and type-level 'functions' to manipulate them. Because TList is implemented using GATs, usage is very ergonomic.
-
dists
2d distribution generator
-
linear_solver
A linear solver designed to be easy to use with Rust enum expressions
-
rustsat-batsat
Interface to the SAT solver BatSat for the RustSAT library. BatSat is fully implemented in Rust
-
xxhash-rs
Safe Rust implementation of xxHash
-
small_str
A String-like but using SmallVec internally
-
displayr-rustr
R integration
-
sort-rs
exposing sorting algorithms
-
perlin2d
Lightning fast 2D Perlin Noise generator
-
downsample
keep downsampled history of data over long period of time
-
sorted_array
A sorted array data structure adapted from StackMap
-
rure
A C API for Rust's regular expression library
-
graphfind-rs
finding patterns in graphs
-
tradestats
Metrics
-
xorwowgen
Several implementations of the Xorwow algorithm
-
randomizer
A random string/byte generator
-
eprng
Extremely Pseudo RNG
-
tlsh
Rust port of Trend Micro Locality Sensitive Hashing
-
floating-distance
Measure distance between floating-point vectors in Rust
-
hipblas-sys
Bindings for HIP blas
-
weighted-rs-1
A libray for weighted balancing algorithm
-
hash-match
Optimized pattern matching alternative
-
waitmap
an awaitable concurrent hash map
-
benford
test the Benford-ness of a given set of numbers
-
hidden-median
Finds the median of two lists, when merged without breaking sorted state
-
integer-iterator
Add the ability to iterate over the digit of all primitive integer types. Also exposes the trait so one can implement it oneself.
-
powers-pf
Power flow algorithms
-
aderyn_core
Rust based Solidity AST analyzer backend
-
mx3
algorithm providing a bit mixer, pseudo-random number generator, and hash function
-
libpuri
Idiomatic Rust Competitive Programming Library
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
int_range_set
Rangeset container based on tinyvec
-
midpoint_circle
midpoint circle algorithm
-
sparsemat
sparse matrix library
-
del-geo-core
2D/3D geometry utility codes
-
tinyrand
Lightweight RNG specification and several ultrafast implementations in Rust
-
bit-list
A lazy list of bits
-
itertree
Hobby project to experiment with tree traversal using iterators
-
polytope
Data structures and methods for constructing polytopes
-
xxhash-c
Safe wrapper to xxhash
-
maze_generator
different maze generation algorithms
-
burster
Lightweight stack allocated rate limiter implementations
-
integer-partitions
Efficiently enumerate integer partitions
-
vector_calculus
A single easy-to-use library for all vector calculus computations
-
uncertain
Fast and correct computations with uncertain values
-
crczoo
CRC Zoo: A collection of Cyclic Redundancy Check (CRC) algorithms
-
number_traits
number traits
-
jumpch
Jump Consistent Hashing is a fast, minimal memory, consistent hash algorithm
-
vbyte
variable length integer compression
-
vqsort-rs
Rust bindings for the Google Highway's vectorized quicksort
-
xoroshiro128
Fast psuedo-random number generators
-
scialg
A collection of scientific algorithms
-
b_error
existential error type with conversions
-
entwine
Generic slice-like interface for operating on multiple slices at the same time
-
fixed-array
Fixed-size array
-
n_best
Convenient collection to gather the N highest elements, and discard the others
-
sfmt
SIMD-oriented Fast Mersenne Twister (SFMT)
-
ccgeom
Constant curvature geometries toolkit
-
prksort
Merge Sort and Quick Sort algorithms in Rust
-
fmul-to-int
Float multiplication to integer part
-
pef
Partioned Elias-Fano encoding for sorted integers
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
reverse-lines
Rust Iterator for reading files line by line with a buffer in reverse
-
primitive_traits
Traits over primitive types. Particularly stuff not covered by num-*.
-
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…
-
modicum
Modular arithemtic library in pure Rust
-
math-interpolate
Linear interpolation between two points to calculate the 3rd point
-
adler32fast
Fast, SIMD-accelerated Adler-32 checksum computation
-
fingles
hash-based text similarity analysis
-
yagen
Generator Implementation
-
fast-float-to-integer
Convert floating point values to integer types faster than the standard
as
operator -
ecosystem
A small genetic algorithms library
-
einsum-codegen
Helper for generating einsum implementation using proc-macro
-
py-fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
byte_conv
conversion traits to bytes
-
moving-least-squares
Image deformation using moving least squares
-
ivy-random
random utility functions to the ivy framework
-
codek
Codec trait
-
binary_set
Binary set file
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
hexhex
hexadecimal conversion 🪄
-
quad3
quadtree implementation in Rust
-
signalo_pipes
A collection of pipes used in 'signalo' umbrella crate
-
fd-oxigen
Fast Downward planner parameters optimization using oxigen
-
rust_geometry
A geometry library for problems in ICPC programming contests
-
bigdecimal-rs
Arbitrary precision decimal numbers
-
choose-rand
A small crate for choosing random items from a set of weighted items
-
cv-decoder
Detects frame motion using OpenCV
-
cdivsufsort
Rust bindings for Yuta Mori's divsufsort
-
unity-random
A reimplementation of Unity's pseudo-random number generator
-
iterator_to_hash_map
that adds a method to any
Iterator
orIntoIterator
(such asVec
) that converts it to aHashMap
using the traitToHashMap
-
sift4
string distance algorithm. It is very fast and returns results similar to levenshtein
-
acorn_prng
A no_std, 0 dependency, pseudo-random number generator based on the ACORN algorithm
-
fixit
Converts infix (human-readable) expression tokens into postfix (Reverse Polish Notation) order
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
squares-rng
Squares RNG for game development
-
crc16-cdma2000-fast
SIMD-powered implementation of CRC-16/CDMA2000
-
stack-array
A data structure for storing and manipulating fixed number of elements of a specific type
-
cinnabar
graph algorithms and data strctures
-
mem_tools
Collection of tools to manipulate memory
-
debug_sat
A debuggable automatic theorem prover for boolean satisfiability problems (SAT)
-
varisat-dimacs
DIMCAS CNF parser and writer for the Varisat SAT solver
-
is_42
blazingly fast way of checking if a variable is equal to 42
-
deus
waifu2x solver
-
spare_buffer
A wrapper around Vec that provides access to the “spare” capacity of the vector as a mutable slice
-
max-subarray-sum
Finds the maximum subarray sum in a list
-
farmhash-ffi
An FFI binding to some of the FarmHash functions
-
diamond-square
Generate heightmap using diamond-square algorithm
-
grid_search
Collection of searching algorithms
-
index-sort
Sort containers by index using user-specified swap and compare functions
-
bareiss
Calculates the determinant of an integer square matrix
-
rudoku-core
A Sudoku library for generating and solving Suokus
-
iterwindows
An iterator adapter to iterate over all contiguous windows of length N
-
plumtree
algorithm
-
n18catalogue
Defines common 18xx tiles
-
safe-buffer
Out of memory safe chunked binary buffer
-
regex-map
Associative container where the keys are regular expressions
-
mtrs
matrices in Rust
-
rscompress-transformation
data transformation supporting rscompress
-
usize_conversions
Conversion traits for conversions between
usize
and fixed sized integers -
algae-graph
Algae is a collection of core algorithms and data-structures, written in Rust
-
rand_krull
Krull64/65 random number generators
-
finn
An Ikea shark companion for your Rust project
-
static_merkel_tree
Static Merkel Tree is dedicated for generating Merkle Root and Merkle Proof for a static list of items
-
aabel-hashmap-rs
implements extensions for HashMap
-
shuffled-iter
Iterate through a set of values in random order without allocating them all
-
sdbm
non-cryptographic hashing algorithm
-
number_easing
number easing functions
-
iColor
A relatively universal color format conversion tool. that can convert between #RRGGBB, #RGB, #RRGGBBAA, hsl, hsla, hsv, cmyk.
-
number-utils
A calculation crate
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
totsu_f64lapack
BLAS/LAPACK linear algebra operations for
totsu
/totsu_core
-
jandom
Port of java.util.Random
-
kagemeka
Kagemeka's Rust Package
-
triangulation
A collection of triangulation algorithms
-
relp-bin
An exact linear program solver written in Rust
-
elementwise
operations implemented for standard Rust containers
-
digit-invariant
Narcissistic number searcher
-
dwt
The package provides an algorithm to compute the discrete wavelet transform
-
checkasum
A small utility to verify the data integrity of a downloaded file with its expected checksum
-
cliff
Find the load at which a benchmark falls over
-
c3-linearization
C3 linearization
-
rs-kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
numerilib
Mathematics Library
-
hashdozen
A novel 48 bit hashing algorithm producing human-readables hashes
-
rust_hamming_distance
Hamming distances and bitwise hamming distances
-
hipparchus-mean
A collection of basic mathematics solver: Lp norm, mean, moving average, sequence
-
radiant-utils
Radiant example code support library
-
digits_iterator
Iterate over the digits of numbers in an arbitrary radix
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
candle-gemm-f32
Playground for matrix multiplication algorithms
-
crc16
A CRC16 implementation
-
fastcmp
A fast byte slice comparison library
-
kdvtree
K-dimensional tree space-partitioning data structure
-
broccoli-rayon
broadphase collision detection algorithms
-
basic-pathfinding
Tile-based A* pathfinding in Rust
-
pire-gemm-f64
high performance cpu kernels
-
reflect_tools
Collection of mechanisms for reflection
-
faiss-next-sys
Light weighted rust wrapper of c api of facebookresearch/faiss library
-
rl-bandit
multi-armed bandit implementation
-
const-crc32
A
const fn
implementation of crc32 checksum algorithm -
simple_random_numbers
random number generator that can create pseudo_rand() or entropy_rand() numbers
-
integer_scaling
IntegerScaling wrapper for those who prefer snake_case
-
bufhash
Buffered hashing facilities
-
elements-frequency
Finds the frequency of elements in a list
-
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…
-
double-buffer
double buffer generic implementation
-
wildflower
Wildcard matching against strings
-
knapsack-oxigen
Knapsack problem resolution using oxigen
-
bubblesort
Bubblesorts stuff
-
pmsa
Parallel Mergeing of two Sorted Arrays
-
imath
Rust port(ish) of Imath
-
lisa
longest increasing subsequence algorithm [ O( nlogn ) ]
-
streamson-generator
integrates streamson with generators
-
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…
-
edit_dist
Small library for calculating edit distances (e.g. Levenshtein distance)
-
pi_guid64
An GUID Generator
-
statistics
The package provides a statistics toolbox
-
crc32-mpeg2-fast
SIMD-powered implementation of CRC-32/MPEG-2
-
constfft
providing an FFT API for arrays
-
iso_iec_7064
Support for check digit operations conforming to ISO/IEC 7064
-
rolling-dual-crc
Rolling CRC with 32-bit CRC32C and 64-bit CRC64/XZ
-
bernoulli
An exact Bernoulli distribution
-
cncr_k_ring
Shards of keyed ring buffers
-
log_buffer
A zero-allocation ring buffer for storing text logs
-
hwt
Hamming Weight Tree for finding neighbors in Hamming space
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
ordered_vec
A trait that ensures that elements in a vector are pushed in a sorted order (both ascending and descending)
-
plant
Tree data structures
-
multiview-estimator
Estimates camera motion using OpenCV's multiple view geometry estimator
-
pi_rand
Custom random number generator
-
dyn_buf
A dynamic buffer v1 (p1790r0) implement in Rust
-
fasthash-sys
A suite of non-cryptographic hash functions for Rust
-
implements
Macro to answer the question: does it implement a trait?
-
nlp
NLP library
-
gen-combinations
A general combination generator
-
generic-floyd-warshall
A generic implementation of the Floyd-Warshall algorithm for array-like types
-
willbe
publish multi-crate and multi-workspace environments and maintain their consistency
-
bufmut-netext
Small set of extensions for BufMut useful for protocol dev
-
gimbal_random
Gimbal RNG package
-
delsum-lib
most functionality for the delsum crate
-
funny_crystal_hasher
Reimplementation of the funny_hash algorithm
-
cumsum
Cumulative sum
-
csr_matrix
generic Compressed Sparse Row (CSR) matrix
-
csinsertion_sort
Insertion sort implementation for indexable collections
-
radiate_matrix_tree
Matrix Tree model compatable with Radiate's evolutionary engine
-
poorentropy
Low-quality entropy generator for
no_std
crates -
eternal_iterator
Trait implementation to promise that the iterator iterates forever
-
dary
double-array construction and search functions
-
isnt-even-nor-odd
Returns true if the given number isn't even or odd
-
random-fast-rng
Blazing fast non cryptographic random number generator
-
int_cmp
Small library for comparing unsigned integers with signed integers
-
idnano
nanoid generator
-
scicrypt-bigint
A scicrypt crate implementing *mostly* constant-time bigints for modular integers
-
lights-out
lights out solver
-
is-even-or-odd
Returns true if the given number is even or odd
-
slicemath
element-wise operations on arrays of numeric values
-
multi_iter
Iterator for acting on multiple elements at a time
-
tiny_tco
A tiny dirt simple no_std tail call optimization library
-
clblast
bindings for rust
-
isize-vec
isize sorted vector
-
itemops
some operations on items of slices
-
slicetools
Add extra iterators to slices
-
advancedresearch-graph_builder
An algorithm for generating graphs with post-filtering and edge composition
-
lineargen
Bit sequence generators based on LFSRs
-
smolmap
A hashmap on the stack
-
hyper-thread-random
hyper-thread local random number generators optimized for recent Intel x86-64 chips with the
RDRAND
instruction; falls back to rand crate for others -
n18map
Manages the state of 18xx maps
-
graph_reduce
Simplify and sort directed acyclic graphs, and their associated matrices
-
rust_array_set_range
that allows to set range of values in Rust's fixed size arrays
-
rand04_compat
Wrappers for compatibility with rand 0.4
-
mycrc
Create your own cyclic redundancy check (CRC)
-
itertools-wild
Extra wild iterator adaptors, wild iterator methods, wild free functions, and wild macros
-
prefix-range
Compute bounds for prefix string queries for BTreeSet/BTreeMap::range
-
proc_macro_tools
Tools for writing procedural macroses
-
candle-gemm-f64
Playground for matrix multiplication algorithms
-
maskedvbyte-rs
Rust bindings to MaskedVByte( Fast decoder for VByte-compressed integers )
-
vrp-solver
An extension which provides custom metaheuristic for solving VRP
-
crc16-xmodem-fast
SIMD-powered implementation of CRC-16/XMODEM (CRC-16/ACORN CRC-16/LTE CRC-16/V-41-MSB XMODEM ZMODEM)
-
diagonal
Extract diagonals from a matrix in various directions
-
homography-estimator
Estimates camera motion using homography
-
checked_int_cast
Conversions between primitive integers with overflow and underflow checking
-
tb
A small toolbox
-
deterministic_rand
Hierarchical random number generators for concurrent simulations with switchable determinism
-
shufflebag
A shuffle bag implementation on rust
-
simple_gaussian
Some quick and easy functions for generating gaussian noise, mappable to specific bounds. Useful for artistic purposes.
-
luhn3
A Luhn validation library
-
diagnostics_tools
Diagnostics tools
-
type_constructor
Fundamental data types and type constructors, like Single, Pair, Many
-
curveipo
2D curve interpolation
-
gpp-solver
A small hybrid push-pull solver/planner that has the best of both worlds
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
ttlhashmap
Optionally bounded HashMap-like container with decaying nodes
-
numbers_rus
flexible library for working with numbers that aims to be useful, fast, and practical. Modular structure makes it easy to use only the parts you need, and the library is designed to be extensible…
-
component_model_types
Component model