-
rand
Random number generators and other randomness functionality
-
ahash
A non-cryptographic hash function using AES-NI for high performance
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
crc
support of various standards
-
fastrand
fast random number generator
-
rustc-hash
A speedy, non-cryptographic hashing algorithm used by rustc
-
rustfft
High-performance FFT library written in pure Rust
-
xxhash-rust
xxhash
-
md5
The package provides the MD5 hash function
-
twox-hash
XXHash and XXH3 algorithms
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
siphasher
SipHash-2-4, SipHash-1-3 and 128-bit variants in pure Rust
-
scroll
A suite of powerful, extensible, generic, endian-aware Read/Write traits for byte buffers
-
sprs
A sparse matrix library
-
ff
building and interfacing with finite fields
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
stacker
A stack growth library useful when implementing deeply recursive algorithms that may accidentally blow the stack
-
crypto-bigint
Pure Rust implementation of a big integer library which has been designed from the ground-up for use in cryptographic applications. Provides constant-time, no_std-friendly implementations…
-
crc32fast
Fast, SIMD-accelerated CRC32 (IEEE) checksum computation
-
fnv
Fowler–Noll–Vo hash function
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
rstar
An R*-tree spatial index
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
rand_distr
Sampling from random number distributions
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
blstrs
High performance implementation of BLS12 381
-
pathfinding
flow, and graph algorithms
-
oorandom
A tiny, robust PRNG implementation
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
jaq-std
Standard library for jaq
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
color
representing and manipulating colors
-
bvh
A fast BVH using SAH
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
roots
well known algorithms for numerical root finding
-
robust
adaptive floating-point predicates for computational geometry
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
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.
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
topological-sort
Performs topological sorting
-
i_overlay
Boolean Operations for 2D Polygons: Supports intersection, union, difference, xor, and self-intersections for all polygon varieties
-
gix-diff
Calculate differences between various git objects
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
ena
Union-find, congruence closure, and other unification code. Based on code from rustc.
-
diff
An LCS based slice and string diffing implementation
-
timely
A low-latency data-parallel dataflow system in Rust
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
hyperlight-host
A lightweight Virtual Machine Manager that can be hosted in an application to safely run untrusted or code within a VM partition with very low latency and overhead
-
rand_jitter
Random number generator based on timing jitter
-
easy-smt
Easily interact with an smt solver as a subprocess
-
wildmatch
string matching with single- and multi-character wildcard operator
-
libblur
Fast image blurring in pure Rust
-
hostname
Cross-platform system's host name functions
-
special
The package provides special functions
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
phf_codegen
Codegen library for PHF types
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
noise
Procedural noise generation library
-
rdrand
random number generator based on rdrand and rdseed instructions
-
levenshtein
algorithm
-
kd-tree
k-dimensional tree
-
slice-group-by
Iterators over groups in slices and strs
-
gcd
Calculate the greatest common divisor
-
entities
raw data needed to convert to and from HTML entities
-
rand_mt
Reference Mersenne Twister random number generators
-
murmur3
hash
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
linregress
ordinary least squared linear regression with some basic statistics
-
nucleo
plug and play high performance fuzzy matcher
-
fastcdc
(content defined chunking) in pure Rust
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
bls12_381_plus
BLS12-381 pairing-friendly elliptic curve construction. This is a fork from zkcrypto/bls12_381 but adds hash to curve and multiexponentiation methods as well as enables multi-pairing without the allocator requirement
-
GSL
binding for the GSL (the GNU scientific library)
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
rustc-stable-hash
A stable hashing algorithm used by rustc
-
former
A flexible implementation of the Builder pattern supporting nested builders and collection-specific subformers. Simplify the construction of complex objects.
-
probminhash
Minhash algorithms for weighted Jaccard index
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
metrohash
high quality, high performance hash algorithm
-
rand_hc
HC128 random number generator
-
gemm
Playground for matrix multiplication algorithms
-
arma-rs
Arma 3 Extensions in Rust
-
gix-revwalk
providing utilities for walking the revision graph
-
poisson_reconstruction
Screened Poisson Reconstruction algorithm in Rust
-
blake2_bin
a command line implementation of BLAKE2b/s/bp/sp and all their parameters
-
bm25
BM25 embedder, scorer, and search engine
-
shapefile
Read & Write shapefiles in Rust
-
ffuzzy
generate / parse / compare ssdeep Context Triggered Piecewise Hashes (CTPH)
-
feanor-math
number theory, providing implementations for arithmetic in various rings and algorithms working on them
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
scirs2-optimize
Optimization module for SciRS2
-
strength_reduce
Faster integer division and modulus operations
-
cargo-algorist
Cargo subcommand to manage the algorist crate
-
chalk-recursive
Recursive solver for the Chalk project
-
varpro
A straightforward nonlinear least-squares fitting library which uses the Variable Projection algorithm
-
pubgrub
version solving algorithm
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
adler
clean-room implementation of the Adler-32 checksum
-
iter-read
A Read implementation for iterators over u8 and related types
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
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.
-
interp
Matlab's interp1 function
-
arroy
Annoy-inspired Approximate Nearest Neighbors in Rust, based on LMDB and optimized for memory usage
-
mirror-mirror
Reflection library for Rust
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
columnar
Conversion from arrays of complex structs to simple structs of arrays
-
rust-stemmers
some popular snowball stemming algorithms
-
daachorse
Double-Array Aho-Corasick
-
quad-rand
Pseudo random implementation with core atomics
-
cuvs
RAPIDS vector search library
-
census
Keeps an inventory of living objects
-
symspell
Spelling correction & Fuzzy search
-
fractional_index
fractional indexing
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
mapproj
(a part of) map projections defined in the FITS World Coordinate System (WCS)
-
simplerand
fast random number generator
-
skillratings
Calculate a player's skill rating using algorithms like Elo, Glicko, Glicko-2, TrueSkill and many more
-
differential-dataflow
An incremental data-parallel dataflow platform
-
jubjub
elliptic curve group
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
wezterm-bidi
The Unicode Bidi Algorithm (UBA)
-
minstd
minimal standard MCG M31 random number generator
-
hyperloglogplus
HyperLogLog implementations
-
memvec
Memory-backed vector, not buffer. Designed for for mmap. Not MemMap, but MemVec!
-
russcip
Rust interface for SCIP
-
kawa
Agnostic representation of HTTP/1.1 and HTTP/2.0 for parsing, generating and translating HTTP messages, with zero-copy, made for Sōzu
-
raft
language implementation of Raft algorithm
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
geo-clipper
Boolean operations on polygons
-
osqp
(Operator Splitting Quadratic Program) solver
-
ndarray-conv
N-Dimension convolution (with FFT) lib for ndarray
-
ext-sort
rust external sort algorithm implementation
-
arpfloat
Arbitrary-precision floating point library
-
orx-v
Traits to unify all vectors!
-
itermore
🤸♀️ More iterator adaptors
-
bevy_knossos
generating and rendering mazes
-
error_tools
Basic exceptions handling mechanism
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
fitsrs
FITS image parser
-
byteyarn
hyper-compact strings
-
poker
speedy poker hand evaluation
-
easyfft
providing an easy FFT API for arrays and slices
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
lyon_geom
2D quadratic and cubic bézier arcs and line segment math on top of euclid
-
graaf
Work with directed graphs
-
savvy
R extension interface
-
naive_opt
The optimized naive string-search algorithm
-
tenthash
A high-quality, non-cryptographic, 160-bit hash function
-
quantiles
a collection of approximate quantile algorithms
-
cam-geom
Geometric models of cameras for photogrammetry
-
lilt
running interruptable, transition based animations as a function of time
-
adler2
clean-room implementation of the Adler-32 checksum
-
cavalier_contours
2D polyline/shape library for offsetting, combining, etc
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
morphorm
A UI layout engine
-
bpe
Fast byte-pair encoding implementation
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
optirustic
A multi-objective optimisation framework for Rust
-
chalk-engine
Core trait engine from Chalk project
-
k
kinematics
-
cardinality-estimator-safe
Estimate the cardinality of distinct elements in a stream or dataset with no unsafe code
-
raphtory
temporal graph library
-
octseq
Abstractions for types representing octet sequences
-
twofloat
Double-double arithmetic functionality
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
transpose
transposing multi-dimensional data
-
nuts-rs
Sample from unnormalized densities using Hamiltonian MCMC
-
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
-
neurons
Neural networks from scratch, in Rust
-
bevy_math
math functionality for Bevy Engine
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
knossos
generating and rendering mazes
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
mpchash
A space-efficient (no need for vnodes) multi-probe consistent hashing algorithm
-
rex-sm
Hierarchical state machine
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
treediff
Find the difference between arbitrary data structures
-
dypdl
Libarary for Dynamic Programming Description Language (DyPDL)
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
dmp
A high-performance library in that manipulates plain text
-
creusot-contracts
contracts and logic helpers for Creusot
-
vector-map
VecMap<K, V>: a Linear Search with Map API
-
yada
double-array trie library aiming for fast search and compact data representation
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
fastatomstruct
A Python package for the analysis of atomic structures and dynamics
-
linestring
line string toolbox
-
kand
Pure Rust technical analysis library inspired by TA-Lib
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
geo-index
Fast, immutable, ABI-stable spatial indexes
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
sdf_glyph_renderer
Tools for generating SDF font glyphs from bitmap images
-
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
integer-sqrt
integer square root algorithm for primitive rust types
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
tau-engine
A document tagging library
-
levenberg-marquardt
algorithm built on top of nalgebra
-
rithm
Arbitrary precision arithmetic
-
glissade
that provides various utilities for animations and transitions
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
feos-campd
Computer-aided molecular and process design using the FeOs framework
-
quadtree-f32
dependency-free ID-based quadtree
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
satkit
Satellite Toolkit
-
general-sam
A general suffix automaton implementation in Rust
-
guacamole
linearly-seekable random number generator
-
garnish_lang_simple_data
Data implementation for garnish runtimes using simple list of variants
-
lunk
Event graph processing
-
xgraph
A comprehensive Rust library providing efficient graph algorithms for solving real-world problems in social network analysis, transportation optimization, recommendation systems, and more
-
vector-traits
Rust traits for 2D and 3D vector types
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
nozomi
Equivalent of the Linux shred command but in rust and library. Allows you to securely erase data from a hard drive.
-
accurate
(more or less) accurate floating point algorithms
-
ipopt
Rust language bindings for the Ipopt non-linear constrained optimization library
-
scirs2-sparse
Sparse matrix module for SciRS2
-
arcos-kdl
ARCOS-Lab Kinematics and Dynamics Library
-
sat-solver
A SAT solver implemented in Rust, focusing on performance, efficiency and experimentation
-
murmurhash32
murmurhash32_2
-
rollgrid
pseudo-infinite open worlds
-
mergable
user-friendly and efficient CRDTs
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
blstrs_plus
High performance implementation of BLS12 381
-
dup-indexer
Create a non-duplicated index from Strings, static str, Vec, or Box values
-
dilate
A compact, high performance integer dilation library for Rust
-
cdshealpix
HEALPix tesselation
-
oort_api
APIs for Oort, a space fleet programming game
-
feruca
Unicode Collation Algorithm
-
yamlscript
Program in YAML — Code is Data
-
trackball
Virtual Trackball Orbiting via the Exponential Map
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
version-ranges
Performance-optimized type for generic version ranges and operations on them
-
caches
popular caches (support no_std)
-
lophat
Lockfree Persistent Homology Algorithm Toolbox
-
arrayfire
high performance software library for parallel computing with an easy-to-use API. Its array based function set makes parallel programming simple. ArrayFire's multiple backends (CUDA…
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
advent-of-code
Solutions to Advent of Code
-
veg
Flexible tables
-
interpn
N-dimensional interpolation/extrapolation methods, no-std and no-alloc compatible
-
stringmetrics
approximate string matching
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
toodee
A lightweight 2D wrapper around a Vec
-
jagua-rs
A fast and fearless Collision Detection Engine for 2D irregular Cutting and Packing problems
-
bit-matrix
bit matrices and vectors
-
downstream
efficient, constant-space implementations of stream curation algorithms
-
pmcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
similarity
A comprehensive Rust library for calculating similarity metrics between vectors, collections, and spectral data with both functional and trait-based APIs
-
anndists
some distances used in Ann related crates
-
xiangting
calculating the deficiency number (a.k.a. xiangting number, 向聴数).
-
out
fast min and max functionality for collections
-
gat-lending-iterator
iterators who's items can [mutably] reference the iterator
-
rucrf
Conditional Random Fields implemented in pure Rust
-
mini-mcmc
A compact Rust library for Markov Chain Monte Carlo (MCMC) methods with GPU support
-
cap-rand
Capability-based random number generators
-
tailcall
Safe, zero-cost tail recursion
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
here_be_dragons
Map generator for games
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
sonic-callreq
Structured calls to for SONIC distributed contracts
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
arrow-row
Arrow row format
-
nabla-ml
A numpy-like library for Rust
-
cggmp21-keygen
UC-secure DKG implementation based on CGGMP21 paper
-
cmaes
CMA-ES optimization algorithm
-
timsort
modified MergeSort used in Python and Java
-
geomorph
conversion between different coordinate systems
-
geometry-predicates
port of robust geometric predicates
-
cel-cxx
A high-performance, type-safe Rust interface for Common Expression Language (CEL), build on top of cel-cpp with zero-cost FFI bindings via cxx
-
ssri
Various utilities for handling Subresource Integrity
-
graph
high-performant graph algorithms
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
lt-fm-index
FM-index using k-mer lookup table for exact pattern matching
-
english-to-cron
converts natural language into cron expressions
-
rand-utf8
Random utf8 utility
-
recursive
Easy recursion without stack overflows
-
dogear
merging bookmark trees
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
spec_math
implementations of special mathematical functions. Includes re-implementation of the CEPHES math library for gamma functions, error functions, elliptic integrals, sine and cosine integrals…
-
eta-algorithms
Low overhead data structures focused on performance
-
scirs2-integrate
Numerical integration module for SciRS2
-
ruv-swarm-core
Core orchestration and agent traits for RUV Swarm
-
wcs
FITS World Coordinate System (WCS)
-
custom_float
Custom floating-point types
-
tracing-rc
Cycle-aware reference-counted pointers with a safe, simple api
-
swarm
Fast blackbox optimisation tool
-
rand_isaac
ISAAC random number generator
-
rustalib
technical indicators for financial analysis, similar to TA-Lib
-
udigest
Unambiguously digest structured data
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
single-svdlib
port of LAS2 from SVDLIBC
-
extendhash
Rust Hash Extender
-
rustics
statistic library for performance analysis
-
noise-functions
A collection of fast and lightweight noise functions
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
js_int
JavaScript-interoperable integer types
-
pm-remez
Parks-McClellan Remez FIR design algorithm
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
count-min-sketch
Count-min-sketch implementation
-
tolerance
Math representation of the physically needed permissible deviation of measures
-
glicko_2
Glicko2 is an iterative algorithm for ranking opponents or teams in 1v1 games
-
haru_cmaes
CMA-ES optimization algorithm implementation based on Hansen's purecma Python implementation
-
kmeans
Small and fast library for k-means clustering calculations
-
rand_aes
AES based pseudo-random number generator
-
worktable
in-memory storage
-
broccoli
broadphase collision detection algorithms
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
ra-ap-rustc_index
Automatically published version of the package
rustc_index
in the rust-lang/rust repository from commit d2baa49a106fad06fbf6202fb6ea8a0b3d2767cc The publishing script for this crate lives at:… -
crc32-v2
A port of the CRC-32 algorithm to Rust
-
color_space
converting between color spaces and comparing colors
-
keyforge95
product key generation / validation for Windows 95 and other Microsoft products
-
reconcile
A reconciliation service to sync a key-value map over multiple instances
-
avalog
An experimental implementation of Avatar Logic with a Prolog-like syntax
-
dlx-rs
dancing links in Rust
-
f3l_search_tree
3D Point Cloud Library
-
didppy
Python interface for Dynamic Programming Description Language (DyPDL) and DyPDL solvers
-
redges
A radial edge is a data structure for topological operations
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
is-tree
Everything is a tree
-
petgraph-graphml
GraphML output support for petgraph
-
rlwfc
Wave Function Collapse (WFC) algorithm with type safety and direction-aware grid system
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
numext-fixed-uint
Fixed-size uint types
-
sugar_path
Sugar functions for manipulating paths
-
fastnoise-lite
FastNoise Lite is an extremely portable open source noise generation library with a large selection of noise algorithms
-
t1ha
T1AH (Fast Positive Hash) hash function
-
scirs2-spatial
Spatial algorithms module for SciRS2
-
efb
Electronic Flight Bag library to plan and conduct a flight
-
evalexpr-jit
JIT compilation and symbolic differentiation of evalexpr expressions with Cranelift
-
edfsm
Event Driven Finite State Machine library
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
flo_curves
manipulating Bezier curves
-
scirs2-stats
Statistical functions module for SciRS2
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
integrator
A math library
-
fuzzy-muff
Fuzzy Matching Library
-
hronn
An experimental CNC toolpath generator
-
scad_tree
Generate OpenSCAD code from Rust
-
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
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
moongraph
Schedules and runs DAGs accessing shared resources. 🌙
-
pinyin
Convert Chinese to pinyin
-
jetro
transform, query and compare JSON format
-
wolfe_bfgs
A dense BFGS optimization algorithm in Rust, with a Strong Wolfe line search and initial Hessian scaling
-
graph-algorithms-rs
A collection of graph algorithms
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
const-random
compile time random number generation
-
adler32
Minimal Adler32 implementation for Rust
-
rmqtt-raft
raft framework, for regular people
-
smallrand
Random number generation with absolutely minimal dependencies and no unsafe code
-
pingora-limits
rate limiting and event frequency estimation
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
product-os-random
Product OS : Random provides a suite of random generator tools for different contexts. This includes random text, number and key generators including crypotgraphically secure random generation.
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
ognlib
Some code that is written to practice Rust
-
logru
A small, embeddable and fast interpreter for a subset of Prolog
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
zapvault
A simplified vault journal
-
mgh
A Collection of Moré-Garbow-Hilstrom https://dl.acm.org/doi/pdf/10.1145/355934.355936
-
tinyrand
Lightweight RNG specification and several ultrafast implementations in Rust
-
liba
An algorithm library based on C/C++
-
greedytile
Random greedy pixel pattern generation algorithm
-
raftbare
Minimal but feature-complete, I/O-free implementation of Raft distributed consensus algorithm
-
contourable
differentiable functions
-
sefar
evolutionary optimization algorithms
-
smolprng
A Small and Extensible PRNG written in Rust
-
jopemachine-raft
language implementation of Raft algorithm
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
context-weaver
(WIP) A procedural text evaluation engine
-
simde
High-performance SIMD operations with zero-cost abstractions
-
clingo
Rust idiomatic bindings to the clingo library
-
flowmium
workflow orchestrator that use Kubernetes
-
hologram
Interpolation library with multipurpose Radial Basis Function (RBF)
-
easer
Tiny library imlementing Robert Penner's easing functions
-
ta-statistics
Rolling statistics for technical analysis in backtesting and live trading systems
-
deep_causality
Computational causality library. Provides causality graph, collections, context and causal reasoning.
-
assorted-debian-utils
Collection of various utilities for Debian work
-
graphrs
package for the creation, manipulation and analysis of graphs
-
moors
Solving multi-objective optimization problems using genetic algorithms
-
datas
data structures and algorithms and data analisys
-
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
-
geos-sys
GEOS C API bindings
-
line-clipping
implementing line clipping algorithms
-
xxhrs
Safe XXHash and XXH3 bindings
-
ids_service
that allows to generate unique Ids
-
muvera-rs
An unofficial Rust implementation of MuVERA: Multi-Vector Retrieval via Fixed Dimensional Encodings
-
rustate
creating and managing state machines, inspired by XState
-
libsufr
Parallel Construction of Suffix Arrays in Rust
-
ms_toollib
Algorithms for Minesweeper
-
arbi
Arbitrary Precision Integer
-
bevy_lookup_curve
Editable lookup curve for Bevy
-
fts-core
A collection of ports and models for use in flow trading implementations
-
volute
Boolean functions implementation, represented as lookup tables (LUT) or sum-of-products (SOP)
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
data_structure
implementing and managing common data structures
-
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
-
biski64
A fast, robust, 64-bit pseudo-random number generator with a guaranteed minimum period of 2^64
-
rugfield
generating Gaussian Random Fields using the circulant embedding method
-
coreset
(streaming) clustering
-
importunate
Methods for returning random elements from an iterator
-
random-branch
macro to select a random branch like match
-
stdrandom
Generate random numbers using only Rust standard library
-
oxmpl
The Open Motion-Planning Library but Oxidised
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
verity-memory
Personal memory library with some cool features
-
rhai-sci
Scientific computing in the Rhai scripting language
-
radiate
genetic algorithms and artificial evolution
-
hlc-gen
Lock-free Hybrid Logical Clock (HLC) timestamp generator
-
english
language inflector
-
cassowary
linear constraint solving algorithm. The Cassowary algorithm is designed for naturally laying out user interfaces using linear constraints, like 'this button must line up with this text box'
-
simple-mcts
providing a straightforward and configurable implementation of the Monte Carlo Tree Search (MCTS) algorithm. It's designed for easy integration into various game AI projects, supporting…
-
markov_namegen
Random text generators based on Markov models
-
ggml-quants
GGml defined quantized data types and their quant/dequant algorithm
-
powers-rs
Stochastic Dual Dynamic Programming (SDDP) algorithm in pure Rust, for the hydrothermal dispatch problem
-
zmatrix
matrix calculation lib
-
async-utf8-decoder
Convert AsyncRead to incremental UTF8 string stream
-
freedraw
port of the perfect-freehand library for creating smooth, beautiful freehand lines
-
rock-paper-scissors
open-source Rust game API that allows users to create custom implementations of the classic game 'Rock, Paper, Scissors'
-
meos
Rust bindings for MEOS C API
-
json-e
A data-structure parameterization system for embedding context in JSON objects
-
opentalk-types-signaling-automod
Signaling types for the OpenTalk automod module
-
unsegen
tui library
-
av-metrics
A collection of algorithms for measuring audio/video metrics
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
partial_sort
provide a Rust version std::partial_sort
-
fugue
A binary analysis framework written in Rust
-
pokers
Rust Poker Library
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
rake
Rapid Automatic Keyword Extraction (RAKE) algorithm
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
strict-yaml-rust
A StrictYAML parser obtained by savagely chopping up the original yaml-rust crate
-
shared-buffer
An abstraction over buffers backed by memory-mapped files or bytes in memory
-
tofas
Translation of fundamental astronomical subroutines
-
zeros
-
mktool
General purpose utility to enhance pkgsrc/mk infrastructure
-
sgrust
A sparse grid library written in Rust
-
opendp
differential privacy algorithms for the statistical analysis of sensitive private data
-
algos
A collection of algorithms in Rust
-
list_math
doing math on a list including average, smallest, largest, and standard deviation
-
od_opencv
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
rectutils
Common algorithms for rectangles (quadtree, rect packing, etc.)
-
randomize
Randomization routines
-
linesweeper
Robust sweep-line algorithm and two-dimensional boolean ops
-
rs-wordle-solver
solving Wordle-style puzzles. It provides multiple guessing algorithms, as well as building blocks for implementing your own Wordle solving algorithms.
-
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…
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
finitelib
advanced maths over finite groups, fields, their extensions, multi precision operations, euclidean rings, polynomials and related things
-
cubecl-linalg
CubeCL Linear Algebra Library
-
polymur-hash
Polymur hash function
-
gomory-hu-tree
Gomory-Hu tree algorithm for finding all-pairs min-cuts in a graph
-
polygons
Fast points-in-polygon test and distances to polygons
-
wtools
Collection of general purpose tools for solving problems. Fundamentally extend the language without spoiling, so may be used solely or in conjunction with another module of such kind.
-
wildfly_container_versions
WildFly container versions
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
cpm-rs
Critical Path Method crate
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
libcprover_rust
Rust API for CBMC and assorted CProver tools
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
autd3-backend-arrayfire
ArrayFire Backend for AUTD3
-
seq_chunking
SeqCDC (content defined chunking) in pure Rust
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
cplex-sys
Low level bindings to the Cplex C-API
-
metrovector
A high-performance, compact binary format for storing and querying vector embeddings
-
numerical-multiset
An ordered multiset of machine numbers
-
ordered-stream
Streams that are ordered relative to external events
-
postcard-cobs
Consistent Overhead Byte Stuffing (COBS) algorithm. COBS is an algorithm for transforming a message into an encoding where a specific value (the "sentinel" value) is not used…
-
localsearch
Local Search based Metaheuristics
-
azure_mgmt_appcomplianceautomation
generated REST API bindings
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
lesspass
An efficient implementation of the LessPass password generator
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
kdtree-ray
Fast Kdtree implementation for raytracer
-
natord
Natural ordering for Rust
-
ofilter
fast thread-safe Bloom filter
-
clubcard
exact membership query filter for static sets
-
rapid_solve
metaheuristic framework for solving combinatorial optimization problems
-
kfst-rs
Fast and portable HFST-compatible finite-state transducers
-
kimi-expert-analyzer
Expert analysis tool for Kimi-K2 to Rust-WASM conversion
-
thicket
Collections using splay trees
-
biscuit-converter
A decimal ASCII parser
-
probability
The package provides a probability-theory toolbox
-
hamming_rs
Computes Hamming distance and weight -- if available and beneficial, uses a highly optimized avx2 implementation
-
mittagleffler
High performance implementations of the Mittag-Leffler function
-
probabilistic_bisector
bisection for one-dimensional functions in the presence of noise
-
lazyrand
generating random numbers easily
-
oxydized-money
providing data types to manipulate amounts of money in specific currencies and convert amounts between then
-
bidiff
A bsdiff-derived binary patching tool - patch library
-
lazy_async_promise
Primitives for lazily getting data from futures with tokio for immediate mode guis
-
treerder
Trie ordering for type implementing Orderable
-
incpa
An INCremental PArser composition crate
-
watermill
Blazingly fast, generic, and serializable online statistics
-
uuid-by-string
Generating uuid-hash from string
-
rand_xorshift
Xorshift random number generator
-
vectora
A vector computation library
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
bit-cursor
A cursor that supports bit-level reads and writes
-
opensimplex2
Port of OpenSimplex2
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
pineappl
not an extension of APPLgrid
-
noise-fork-nostd
Procedural noise generation library (Forked)
-
pack_it_up
that implements various bin packing algorithms
-
ultraloglog
algorithm
-
symbolic-il2cpp
parsing il2cpp line mappings
-
single-clustering
high-performance network clustering library implementing community detection algorithms like Louvain and Leiden. Features efficient graph representation, abstract grouping systems…
-
topopt
Topology optimization in pure Rust, based on 99 lines of MATLAB
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
qd
Extended precision floating point arithmetic
-
is_sorted
Iterator sorted?
-
hashinator
identify hashes blazingly fast
-
float_next_after
A trait for native rust f64/f32 nextafter
-
vec_ssap
Stateless Scale and Perturbation scheme for vector encryption
-
ratcl
Create complex ratatui layouts with a simple API
-
gabble
generating random pseudo-words
-
ran
fast random numbers generation
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
relog
Strong String Normalization
-
timberio/file-source
A high-performance observability data pipeline
-
movavg
Generic Moving Average calculation
-
permutation
Small utility for creating, manipulating, and applying permutations
-
random_access_rng
A deterministic random number generator with hierarchical seeding and random access functionality
-
kendalls
Kendall's tau rank correlation
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
physdes-rs
Physical Design in Rust
-
ixa-fips
efficiently working with FIPS region codes
-
regexsolver
Manipulate regex and automaton as if they were sets
-
poorentropy
Low-quality entropy generator for no_std crates
-
navigate
Navigation modules in Rust
-
scirs2-signal
Signal processing module for SciRS2
-
annembed
dimension reduction à la Umap
-
meshmeshmesh
Open-source mesh processing library
-
peek-again
A performant iterator providing double peek functionality
-
historian
a high performance zero-config histogram implementation
-
trender
graphics library for the terminal
-
bridgestan
Rust interface for BridgeStan
-
compare_version
comparing semantic versioning strings and checking version compatibility
-
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…
-
random
The package provides sources of randomness
-
atomic-traits
The traits for generic atomic operations
-
okkhor
English to Bangla phonetic conversion following the 'Avro' rules
-
natlex_sort
hybrid natural and lexicographical sorting for strings and byte slices, useful for sorting mixed lists of filenames and identifiers
-
augurs-forecaster
A high-level API for the augurs forecasting library
-
quadtree
A generic quadtree implementation
-
nexus_sort_core
A cognitive, multi-strategy sorting framework designed for high performance
-
poly-ring-xnp1
Polynomial ring Z[x]/(x^n+1) for lattice-based cryptography
-
imghash
Image hashing for Rust
-
mitex-glob
Glob impl for MiTeX
-
xgadget
Fast, parallel, cross-variant ROP/JOP gadget search for x86/x64 binaries
-
acap
As Close As Possible — nearest neighbor search in Rust
-
rust-releases
Find, index and obtain all officially available Rust releases
-
cmpa
Multiprecision arithmetic primitives commonly needed for asymmetric cryptography
-
yaml-hash
Improved YAML Hash
-
omap
Open Orienteering Mapper omap file writer
-
monarch-butterfly
Proc-Macro unrolled FFTs
-
generic_levenshtein
Generic and fast implementation of the Levenshtein distance
-
glidesort
sorting algorithm
-
ramp
A high-performance multiple-precision arithmetic library
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing Iterator<Item = char>
-
dusk-hades
Hades252 permutation algorithm over the Bls12-381 Scalar field
-
monistode-emulator
An emulator for the monistode set of ISA's
-
genalg
A flexible, high-performance genetic algorithm library written in Rust
-
single-statistics
A specialized Rust library for statistical analysis of single-cell data, part of the single-rust ecosystem
-
realistic
Towards an API for the Real Numbers
-
automata-like-programming
that provides mechanisms for controlling the flow of execution in imitation of an automaton
-
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…
-
vecmath
type agnostic library for vector math designed for reexporting
-
logicrs
logic expression
-
froggy-rand
Random number generation without state for games
-
giputils
Some useful utilities for rust programming
-
sigmars
sigmahq rule collections
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
skeid
a linear algebra library for game graphics and physics
-
cfpyo3_rs_bindings
a collection of performant utilities
-
model-gateway-rs
model gateway services, providing traits and SDKs for various AI models
-
based16
BASE-16(HEX) implementation for chads
-
nmr-schedule
Algorithms for NMR Non-Uniform Sampling
-
programinduction
program induction and learning representations
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
fof
A fast and flexible friends-of-friends algorithm for idenitfying galaxy groups in redshift surveys. This crate holds the core functionality which can be wrapped in other languages.
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
path-offset
offsetting paths
-
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.
-
spatial-decomposition
Algorithms to partition 2D spaces
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
mot-rs
Dead simple multi object tracking in Rust
-
bufstream-fresh
Fork of the bufstream crate. Buffered I/O for streams where each read/write half is separately buffered.
-
firestore-structured-query
A Firestore StructuredQuery builder
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
rmpfit
Pure Rust implementation of the CMPFIT library
-
rez-next-solver
Intelligent dependency resolution with A* heuristic algorithms and 3-5x performance improvement
-
evo_framework
Evo(lution) framework: A powerful framework designed for ai
-
ratel_bandit
Muti-armed Bandit Simulator
-
multibody_dynamics
Multibody dynamics algorithms in Rust
-
sonyflake
A distributed unique ID generator inspired by Twitter's Snowflake
-
simple_term_rewriter
A basic interface to rewrite concrete tree terms according to a set of rules
-
poi
A pragmatic point-free theorem prover assistant
-
graph6-rs
parsing graph6/digraph6 strings and converting them into other text based formats
-
sparse-slot
minimal sparse slot (sparse vector)
-
linfa-datasets
Collection of small datasets for Linfa
-
nodify
A small crate providing utilies to explore graph (boosted by Rayon)
-
ground-motion-lib
A performant, modular Rust library for computing and analyzing ground motion predictions using GMPE models
-
obvhs
BVH Construction and Traversal Library
-
fqdn-trie
FQDN (Fully Qualified Domain Name) lookup structures (based on tries)
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
multistream-batch
Implementations of batching algorithms
-
flare
A lightweight library to perform basic astronomical calculations, inspired by Python's Astropy syntax
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
dcc-lsystem
Lindenmayer system together with some rendering tools
-
any-fn
Dynamically-typed functions to represent any functions in Rust
-
newnit
A rich newtype library for units of quantity
-
pcg-random
PCG is a family of simple fast space-efficient statistically good algorithms for random number generation
-
flo_binding
Declarative binding library for Rust
-
nostd_structs
Datastructures and algorithms for nostd environments
-
zelzip_icebrk
different algorithms used on Nintendo consoles to generate the parental control master key
-
loki_text
advanced string manipulation with pattern searching and replacement capabilities
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
calculator-backend
calculator backend in Rust
-
rob_test_sagebox_integration_001
Internal test crate for validating Sagebox packaging and README rendering. Not intended for public use.
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
tcio
Collection of utility types
-
ekzg-multi-open
multi-opening algorithm for KZG10 using FK20
-
packable
packing and unpacking binary representations
-
ghx_constrained_delaunay
2d constrained Delaunay triangulation
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
erased
Erase the type of a reference or box, retaining the lifetime
-
clipline
Efficient rasterization of line segments with pixel-perfect clipping
-
surrealex
Dead simple SurrealDB query generator
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
hexagonal_pathfinding_astar
A-Star pathfinding algorithm tailored for traversing a bespoke collection of weighted hexagons
-
moku
creating hierarchical state machines
-
timelag
Creating time-lagged time series data
-
f3l_segmentation
3D Point Cloud Library
-
pcg_rand
PCG family of random number generators in pure Rust
-
scopegraphs-regular-expressions
A well-documented port of scopegraphs to Rust
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
chibihash
hash function
-
ringstack
A very simple circular buffered stack implementation
-
js-source-scopes
extracting and dealing with scope information in JS code
-
newton_rootfinder
Newton based methods for root finding
-
overlook
An animated visualiser of different maze generation and solving algorithms, running the terminal
-
mut_set
A safe implementation for HashSet with iter_mut and get_mut
-
rbot
programming robots in Bot Beats
-
fast-tlsh
generate / parse / compare TLSH locality sensitive hashes
-
small_len
A small library for storing the length in the smallest internal type
-
adapton
programming abstractions for general-purpose incremental computations
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
random_grouping
random grouping
-
setsum
order-agnostic checksum
-
datafusion-statrs
bindings to expose statrs functions in datafusion
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
cint
A lean, minimal, and stable set of types for color interoperation between crates in Rust
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
x-diff-rs
compare XML semantically
-
ezk-audio
Types to build reusable audio streaming components
-
pth
Collection of algorithms and structures to handle paths properly
-
lds-rs
Low Discrepancy Sequence Generation in Rust
-
gridish
working with British and Irish national grid strings
-
sep-sys
Low-level bindings to SEP - C library for Source Extraction and Photometry
-
pacmap
Pairwise Controlled Manifold Approximation (PaCMAP) for dimensionality reduction
-
svi
A function to interpolate variables in a hashmap into a format string
-
shm_ring
A single producer, single consumer lockless ring buffer for message passing between shared memory
-
ahrs
port of Madgwick's AHRS algorithm
-
parol_runtime
Runtime library for parsers generated by the 'parol' parser generator
-
slidy
working with sliding puzzles
-
idgen_rs
A perfect snowflake ID generator
-
unm_selector
The algorithm for UnblockNeteaseMusic, determining what Song to return
-
crc64
checksum implementation
-
ballpark
Approximate comparisons for floating-point numbers
-
brillig_vm
The virtual machine that processes Brillig bytecode, used to introduce non-determinism to the ACVM
-
givre
TSS Schnorr/EdDSA implementation based on FROST
-
agape_layout
Layout engine for agape
-
incremental-map
combinators for incremental immutable maps (see crate
incremental
) -
punkt
sentence tokenizer
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
romu
A pseudo random number generator using the Romu algorithm
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
farmfe_plugin_tree_shake
Tree shake plugin of farm
-
x32_osc_state
X32 State Tracker via Open Sound Control
-
polylog
polylogarithms
-
tiny-earley
Minimalistic implementation of Earley's algorithm
-
htmls
parsing HTML and extracting HTML elements or text
-
hyperloglog
in Rust
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
scirs2-special
Special functions module for SciRS2
-
polyline-ffi
FFI bindings for the polyline crate
-
iceyee_random
Random
-
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
frand
Blazingly fast random number generation library
-
pxlfmt
Type-safe pixel formats and pixel manipulation
-
aprox_eq
determining aproximate equality between floating point types and deriving this capability to structs comprised of floating point numbers and other implementers of
AproxEq
-
imgdd
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
lose95-keygen-rs
Losedows 95 keygen
-
adsbx_screenshot
ADS-B Exchange screenshotting library
-
partition
slices in-place by a predicate
-
blake2b-ref
A
no_std
BLAKE2B implementation -
rs-snowflake
Rust version of the Twitter snowflake algorithm
-
compact_strings
A more compact but limited representation of a list of strings or bytestrings
-
bpe-tokenizer
A BPE Tokenizer library
-
voxell_rng
Cheap and dirty thread-local RNGs
-
basic_dsp
Digital signal processing based on real or complex vectors in time or frequency domain
-
friedrich
Gaussian Process Regression
-
kitoken
Fast and versatile tokenizer for language models, supporting BPE, Unigram and WordPiece tokenization
-
anyrust
any rust
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
graph_builder
A building block for high-performant graph algorithms
-
machine-check-exec
formal verification tool machine-check
-
compensated-summation
Compensated summation algorithms for better precision
-
enum-bitset
Generate efficient bitsets out of your enum types
-
unirand
A Marsaglia's universal random number generator
-
dancing-links
Exact cover solver using dancing links technique
-
del-ls
sparse solver library for research prototyping
-
codeq
Codec trait
-
libtombala
Mugsoft Tombala Game
-
singlevec
Vec-like container optimized for storing only a single item
-
codes-iso-3166
This package contains an implementation of the ISO 3166 Country Codes specification
-
krakel
A lean 2d kd-tree ported from OpenCamLib
-
dynamic-weighted-sampler
An efficient weighted sampler with dynamically updatable weights
-
bulirsch
Bulirsch-Stoer ODE integration algorithm
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
suggest
A minimal library to provide similar name suggestions like "Did you mean?"
-
noisette
generating 2D noise functions with analytical gradients
-
irospace
color space and conversion method
-
hypervector
that implements hyperdimensional vectors and VSAs
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
chromosome
Genetic algorithm tools library
-
to_method
micro-crate for using Into more ergonomically
-
hi-doc-jumprope
fast rope (fancy string) library built on top of Skiplists - hi-doc fork
-
gbwt
Partial reimplementation of the GBWT. Exposure for the GBZ struct.
-
sark_pathfinding
astar pathfinding algorthim from red blob games https://www.redblobgames.com/pathfinding/a-star/implementation.html and 'Dijkstra Maps' from https://www.roguebasin.com/index.php/Dijkstra_Maps_Visualized
-
easy_color
A very simple and easy-to-use color conversion tool
-
turborand
Fast random number generators
-
oxygraph
Algorithms and structures on ecological graphs
-
utility_converter
lib offering accurate conversions for temperature, weight, and distance
-
drbg
Crypographic random number generator CTR_DRBG defined by NIST SP 800-90A R1
-
funspace
N-dimensional function spaces and transforms
-
healpix
tesselation
-
graphina
A graph data science library for Rust
-
hicc-std
Based on hicc's ability to provide rust with the ability to call c++ standard container class interfaces
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
farc3
ARC3 solving for Constraint Satisfaction Problems
-
loop
The package allows for processing iterators in parallel
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
ddo
generic and efficient framework for MDD-based optimization
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
sosa
Stochastic simulation algorithm (SSA) with a Monte-Carlo generating method
-
modern-icp
A modern modular pure Rust implementation of the Iterative Closest Point algorithm
-
vector_quantizer
vector quantization utilities and functions
-
graphbench
A sparse graph analysis library
-
sort
sort algorithms
-
re_arrow_util
Helpers for working with arrow
-
pasture-algorithms
Point cloud algorithms for pasture
-
netgauze-analytics
Analytics infrastructure related library
-
hypertwobits
cardinality estimation algorithm
-
gradient-string
safe crate to iterate over a gradient of permutations of string slices
-
gad
Generic automatic differentiation for Rust
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
cgl-src
Redistribution of Coin-OR Cgl as a crate
-
unarray
working with uninitialized arrays
-
esl01-dag
DAG used for source control
-
libphext
A rust-native implementation of phext
-
coord2d
rust lib for coordinate in 2d system
-
tile_net
Continuous tile-based collision detection and resolution
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
algorithmica
Rust Algorithms
-
mersenne-twister-m
mersenne twister pseudorandom number generator
-
bmatcher
flexible and efficient binary pattern matching library designed to help you search and match binary data
-
relp
Rust Exact Linear Programming
-
mutant-lib
Core library for MutAnt distributed mutable key value storage over Autonomi network
-
general_stable_vec
A Vec implementation with stable indices
-
cosmogony
geographical zones with a structured hierarchy
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
ps-buffer
aligned heap buffer
-
faro_sharding
Non-shuffling sharding algorithm
-
mem-rearrange
Rearrange memory from one array to another of different storage layouts
-
owned_str
Provide a stack allocated String for no-std or const environement
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
rostl-sort
Oblivious sorting algorithms
-
sgx_rand
Rust SGX SDK provides the ability to write Intel SGX applications in Rust Programming Language
-
pillid
A tinier, prefixed, URL-friendly, time-sortable, unique ID storable on the stack
-
prescript
parsing and executing Prescript scripts
-
weight_matchers
Efficiently find items by matching weight. You can build the lookup structure at compile time.
-
polya-gamma
Efficient sampler for Polya-Gamma random variates
-
harness-space
topological and other spaces
-
lox-math
Mathematical utilities for the Lox ecosystem
-
cuda_std
Standard library for CUDA with rustc_codegen_nvvm
-
rugraph
undirected, directed and multidirected graph library
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
bimm
burn image models
-
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.
-
puan-rust
Puan package contain tools for defining logic relationships among linear inequalities and reduction algorithms
-
minimax
Generic implementations of Minimax
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
krilla-svg
Converting SVG files to PDF
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
palmfft
Palm-sized Faster Fourier Transform
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
rust_cascade
bloom filter cascade implementation in Rust
-
fast-boolean-anf-transform
Fast implementation of the boolean Algebraic Normal Form (ANF) transform
-
manchu-converter
Converts transcripted Manchu text to Manchu script with Manchu alphabet
-
vqf-rs
A
no-std
, dependency-free port of VQF sensor fusion algorithm for IMUs -
swimos_rtree
SwimOS R-Tree
-
nalgebra-sparse-linalg
Sparse linear algebra library for Rust using nalgebra including linear solvers and SVD
-
ya-rand
fast random number generation
-
nu_plugin_hashes
A Nushell plugin that adds 63 cryptographic hash functions from Hashes project
-
ohos-window-sys
Raw Bindings to the OpenHarmony native window
-
graphwiz
DOT graph builder library
-
texcore
Create LaTeX documents using native Rust types
-
nphysics_testbed2d
Testbed for the 2-dimensional physics engine in Rust
-
elipdotter
Embeddable full text search engine
-
flag-algebra
Razborov's flag algebras
-
idx_binary
Indexed binary file. It uses mmap , various_data_file and avltiree.
-
bellande_step
running Bellande Step calculations via API or local executable
-
line-col
Convert string slice indices into line/column numbers
-
interpolated
Generic, smooth value interpolation and easing functions for Rust
-
pyin
pYIN pitch detection algorithm written in Rust
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
cybernetic
Control Engineering Tools. (Not yet started)
-
obmrs
As a participant, you will create a structure to receive and hold the exchange-distributed order book. This structure will be called the OrderBoard, and will hold the order book's bids and asks as a price-sorted map…
-
vrp-scientific
An extension logic for solving scientific VRP
-
median
efficient O(n) median filter
-
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.
-
rocm-rs
Rust bindings for AMD ROCm libraries
-
pindakaas
Encoding Integer and Pseudo Boolean constraints into CNF
-
lcov2cobertura
convert LCOV info file to cobertura XML format
-
qudag-dag
DAG consensus implementation for QuDAG - QR-Avalanche algorithm with Byzantine fault tolerance
-
algorist
Algorithms and data structures for competitive programming
-
gyard
A generic shunting yard algorithm implementation
-
unicode_names2_generator
Generates the perfect-hash function used by
unicode_names2
-
mackerel_plugin
Mackerel plugin helper library
-
astra-num
A wrapper lib around num_bigint, num_integer, and num_traits with extra utilities for handling incredibly large (astronomical) values
-
mur3
language implementation of MurmurHash3
-
ixy
A minimal, no-std compatible crate for 2D integer geometry
-
multibuffer
implementing triple buffering and generalized multi-buffering patterns
-
stochy
A numeric library of stochastic approximation algorithms
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
scirs2-cluster
Clustering algorithms module for SciRS2
-
serial_traits
A trait that allows you to serialize to and parse from Vec<u8> buffers. Comes with implementations for primitive types, String and generic collection types (if the item type implements the trait too.)
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
gdsl
graph data-structure library including graph containers, connected node strutures and efficient algorithms on those structures. Nodes are independent of a graph container and can be used as connected smart pointers
-
round_float
Round
f64
andf32
to specified number of decimals -
adss
Adept Secret Sharing framework
-
cdc-chunkers
A collection of Content Defined Chunking algorithms
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
liblbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
diffs
A number of diff algorithms, also called longest common subsequence
-
bitptr
core::ptr
for bit offsets -
kannolo
designed for easy prototyping of ANN Search algorithms while ensuring high effectiveness and efficiency over both dense and sparse vectors
-
sparta
software components specially designed for building high-performance static analyzers based on the theory of Abstract Interpretation
-
zero-plonk
A pure-Rust implementation of the PLONK ZK-Proof algorithm
-
domino-lib
Domino library, create sequences and puzzles, solve and validate them in rust
-
asn1obj
Rust Asn1 format decode/encode
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
derangements
Generate derangements of an iterable
-
string_more
Extension traits for
String
and&str
types -
winconsole
A wrapper for console-related functions in the Windows API
-
rustiq-core
Quantum circuit synthesis library in rust
-
random-nickname2
用于Rust的随机用户昵称生成器
-
open-hypergraphs
Data-Parallel Algorithms for Open Hypergraphs
-
ztensor
file library
-
toolshed
Arena allocator and a handful of useful data structures
-
gsl-splines
Wrapper functions around rgsl's wrapper functions. This crate provides a cleaner interface, but also enables different splines to use the same Accelerator This provides a significant performance boost…
-
retro-rs
front-end for libretro cores
-
dfp-number
Decimal floating-point arithmetic for Rust
-
castep-seeding
Create seeding files for castep calculation jobs
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
iter-tree
Convert between iterators and tree structures in both directions
-
mathml-core
MathML type definitions
-
ac-library-rs
port of AtCoder Library (ACL)
-
dotzilla
Native Rust implementation of efficient basic linear algebra routines
-
bed-utils
manipulating genomic range objects
-
dlt
DLT (direct linear transform) algorithm for camera calibration
-
bevy_utilitarian
A collection of mostly maths, interpolation and geometric utilities that aim to make Bevy programmers happier
-
iregex-automata
Finite automata definitions for the
iregex
crate -
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
time_priority_order_algoritmh
algorithm create a cronogram of action sorted by time of occurrence time avoiding time colisions
-
reals
Computable and unified real numbers
-
quickbacktrack
backtracking with customizable search for moves
-
rusty_oge
Библиотека, решающая задачки из ОГЭ по информатике
-
BlueHash
A highly secure alternative to existing custom digest algorithms
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
algorithmify
Create specifications for algorithms defined using Rust code
-
abd-clam
Clustering, Learning and Approximation with Manifolds
-
justrng
RNG for people who just want to generate random numbers
-
all-is-cubes-base
Helper library for all-is-cubes. Do not use directly.
-
rand_core
Core random number generator traits and tools for implementation
-
dypdl-heuristic-search
Heuristic search solvers for Dynamic Programming Description Language (DyPDL)
-
ring_buffer_max
Keep track of the max value of ring buffer in linear time
-
portmatching
Fast Graph Matching for Port Graphs
-
enontekio
solve problems with data extraction and manipulation, like Advent of Code puzzles
-
progress-encode
Progress ENCODE function
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
qrc
generating and manipulating QR code images in various formats
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
partial_function
A clean way to define function as a set of subfunctions where each has defined start and end bounds
-
oxidd-reorder
Reordering algorithms for OxiDD
-
autodiff
An automatic differentiation library
-
libecvrf-k256
A fork of libecvrf use k256 implementation
-
weighted-rs
A libray for weighted balancing algorithm
-
convert-base
convert the radix (base) of digits stored in a vector
-
netoptim-rs
Network Optimization Algorithms in Rust
-
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
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
mesh-graph
Fast halfedge triangle mesh graph in pure Rust
-
mini-rx
bare-bones "reactive programming" (change propogation) using a central data dependency graph
-
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.
-
sign-bound
Layout-optimized positive and negative integers
-
hrv-algos
A collection of algorithms for heart rate variability analysis
-
collide
extensible collision management
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
tea-rolling
Rolling functions for tevec
-
random-pick
Pick an element from a slice randomly by given weights
-
momtrop
tropical sampling in momentum space
-
rs_algo
Common sorting algorithms and other common computer science algorithms
-
human-sort
Human sort (natural sort) implementation
-
static_aabb2d_index
Fast static spatial index data structure for 2D axis aligned bounding boxes
-
cauchy
Trait for real and complex numbers
-
solaris-rs
predict the position of the Sun
-
emitix
event-driven programming
-
redux-rs
Redux
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
grouper
generating links between items in a list
-
quadrature
several fast numerical integration methods. This library is pure safe rust, and cross-platform. The double exponential algorithm is naturally adaptive, and does not allocate.
-
scnr2
Scanner/Lexer with regex patterns and multiple modes
-
perfdata
Parsing and handling performance data for monitoring engines like Nagios, Icinga2,
-
sorted-ifyer
determine if something is sorted!
-
indexsort
sort crate, porting Golang sort package to Rust
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
editdistancek
Fast algorithm for computing edit distance
-
flowstdlib
The standard library of functions and flows for 'flow' programs
-
dam_lev
Implements the Damerau–Levenshtein diff algorithm
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
poly_it
A no-std library for manipulating polynomials with slice support and minimal allocation
-
arrowdb
高性能本地向量数据库
-
rs-graph
graph algorithms and combinatorial optimization
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
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.
-
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…
-
extprim
Extra primitive types (u128, i128)
-
rand_chacha
ChaCha random number generator
-
rtlola-hir
A high-level intermediate representation for RTLola specifications
-
no-std-moving-average
Moving average filter for use in nostd environments
-
cdchunking
Content-defined chunking
-
reeds_shepp
Reeds Sheep Path Planner Algorithm implementation in rust
-
brique-rs
A MLP library made from scratch, using the rust standard lib
-
btreemultimap
A multimap implementation with range support
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
human-friendly-ids
Generate non-visually ambiguous IDs
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
perchance
Very simple random number generation optimized for ease of use
-
range_bound_cmp
Comparison operations between primitive
Bound
values -
fuzzyhash
Pure Rust fuzzy hash implementation
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
lex_sleuther_multiplexer
a multiplexer over multiple lexers
-
union-find
Struct and methods for union-find operation
-
sample-consensus
Abstractions for sample consensus algorithms such as RANSAC
-
graph-sparsifier
A graph sparsifier based on an approximated PageRank algorithm
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
fr_alebref_libbrefdata
BrefData library
-
gcr
A fast, simple, and small Generic Cell Rate (GCR) algorithm implementation with zero dependencies
-
lichao
Li-Chao tree implementation ported from the authors competitive programming library
-
sophus_autodiff
automatic differentiation with optional SIMD acceleration
-
algebraics
algebraic numbers library
-
censor
text profanity filter
-
tlsh2
TLSH algorithm
-
kwik
A set of useful tools I use for my Ph.D. research.
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
murmurhash3
MurmurHash3 implementation
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
soukoban
some algorithms and data structures related to Sokoban
-
moving_averages
Production-grade moving average algorithms implementation
-
discriminant-rs
Convert enum to integer type
-
multistochgrad
Stochastic Gradient, Multithreaded
-
ascii-izer
converting an image into ASCII art
-
dual_threshold_optimization
Dual Threshold Optimization compares two ranked lists of features (e.g. genes) to determine the rank threshold for each list that minimizes the hypergeometric p-value of the overlap of features…
-
cobyla
optimizer for Rust
-
grb-sys2
Gurobi C API FFI declarations
-
board-game
A board game abstraction and generic utilities around it
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
density-mesh-core
Core module for density mesh generator
-
ratio-genetic
Ratio's genetic algorithms library
-
relp-num
Number types for the relp crate
-
sobol
sequence generator for Rust
-
tokeneer
tokenizer crate
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
rand-wyrand
The extremely fast WyRand PRNG for the rand ecosystem of crates
-
test-data-generation
light-weight library that analyzes sample data to build algorithms and generates realistic test data
-
komihash
implemenation of komihash
-
jp-deinflector
A package for deinflecting Japanese words
-
counting_sort
Counting sort implementation for Iterators
-
doryen-extra
aims to be a loose re-implementation of the utility features from the popular roguelike library named libtcod
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
light-tool
轻量级的Rust工具库
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
block-mesh
Fast algorithms for generating voxel block meshes from arrays
-
rotary-permutator
Permutations iterator
-
re_case
Case conversions, the way Rerun likes them
-
tilemath
working with XYZ and TMS map tiles. It provides tile coordinate conversions and zoom level utilities.
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
coord_transforms
performing coordinate transformations
-
zoc
Z-order curve based multidimensional range search
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
jawe-cuvs-iv
RAPIDS vector search library
-
zngur-generator
Generates Rust and C++ glue codes from the zng file
-
aaru
Actionable Area Routing Utilities for OSM and MVT
-
elkai-rs
solving travelling salesman problems (TSP) based on elkai (LKH 3)
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
collision-detection
A generic collision detection library based on the
collide
crate -
convolve2d
Easy and extensible pure rust image convolutions
-
wager
Primitive types and functionality for betting odds
-
easy_complex
Complex numbers crate
-
isl-rs
Rust bindings for Integer Set Library
-
timely_container
Container abstractions for Timely
-
cubecl-reduce
CubeCL Reduce Algorithms
-
leetcode-tui-shared
Leetcode tui shared library
-
delaunator
A very fast 2D Delaunay triangulation library
-
ratio-markov
Markov chain steady-state calculations with applications in graph clustering and sequencing
-
graph-simulation
simulation algorithm
-
rand_seeder
A universal random number seeder based on SipHash
-
coppice
Dynamic programming library for acyclic analytical queries
-
zbuf
“Zero-copy” string and bytes buffers
-
tree_traversal
Find best leaf node in a tree
-
interval_adapter
Interval adapter for both open/closed implementations of intervals ( ranges )
-
actionable
An enum-based async framework for building permission-driven APIs
-
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
-
shakejo
Noise_IK_25519_ChaChaPoly_BLAKE2s
-
rxqlite-sqlx-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
regex-filtered
Efficiently check an input against a large number of patterns
-
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…
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
cubecl-std
CubeCL Standard Library
-
backyard-generator
Convert AST node back to PHP code
-
cplit
Competitive Programming Library in Rust
-
interpolation_search
Interpolation search - binary search on steroids
-
gridmap
handling infinite multi-dimensional grids of cells
-
r3fit
RANSAC algorithm that uses 3 samples to estimate a circle over the given points
-
anaso_algorithm
The recommendation algorithm for Ana.so
-
mcg59
random number generator
-
belnapian
Belnap's 4-valued logic basic building blocks in Rust
-
payback
Calculate to resolve debt networks with as few transactions as possible
-
ssr-algorithms
spaced repetition algorithms
-
misfortunate
Perverse implementations of safe Rust traits
-
resctrlfs
reading resctrl fs data
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
gis-tools
A collection of geospatial tools primarily designed for WGS84, Web Mercator, and S2
-
cantrip
Practical extension methods for standard Rust collections
-
rgeometry
High-Level Computational Geometry
-
lace_data
Data definitions and data container definitions for Lace
-
purrcision
decimals for nostd
-
rostl-primitives
Oblivious primitives and utils
-
keyspace
Dynamic keyspace partitioning and re-balancing for distributed systems
-
teju
Fast floating point to string conversion
-
opis
rational number and matrix arithmetic
-
saunter
tick based game engines
-
hrw-hash
A minimalistic implementation of the Highest Random Weight (HRW) aka Rendezvous hashing algorithm
-
recursive_matching
Formulating unique assignments recursively
-
collision
extension to cgmath
-
zipf-fixed
A faster zipf distribution that uses more memory
-
norms
A collection of distance metrics on strings
-
rose-bitsets
Small, fixed-size bitsets for storing integers/indices
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
bye_abow_rs
Visual bag of words for fast image matching without opencv
-
dandelion-random
a high performance non-cryptographic random number generator
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
gsl_bfgs
BFGS algorithm built on the GNU Scientific Library(GSL)
-
batsat
Extensible SAT solver in Rust
-
ptrplus
Additional funtionality for pointer types
-
thermolib
An open-source library for the calculation of fluid properties
-
balance_engine
Production planning and optimization engine using linear programming to balance supply with demand while minimizing costs and respecting resource constraints
-
magikitten
Easy Fiat-Shamirization using Meow
-
variadic_from
Variadic from
-
is-even-u16
Specialized is-even checking for u16 numbers
-
rapl
that makes numerical scripting with Rust simple and enjoyable
-
raddy-ad
An automatic differentiation system for geometry and simulation
-
worldgen
Noisemap and world generation library
-
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.
-
strprox
Top-k string autocompletion
-
exact-clustering
Find optimal clusterings and optimal hierarchical clusterings
-
textspan
Text span utility
-
glycin-utils
Sandboxed image decoding
-
semx_rand
提供简单的随机数功能
-
flexihash
Consistent hashing following the API and compatible with flexihash-php and flexihash-py
-
imei
number validator
-
pinned-bucket
Mutable container for pinned and immutable items
-
lilliput-float
IEEE-754-compliant float-packing implementation, used in lilliput-core
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
tiny-vec
Small vector optimization
-
captcha_breaker
多种验证码识别实现
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
boolean_expression
manipulating and evaluating Boolean expressions and BDDs
-
wows_replays
A parser for World of Warships replay files
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
rfsignupxx
A test package for RFsignup functionality
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
rdp
An FFI wrapper for the Ramer–Douglas–Peucker and Visvalingam-Whyatt algorithms
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
limited-queue
a limited queue that overrides the oldest data if trying to push a data when the queue is full
-
control_systems_torbox
Control systems toolbox
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
html-helpers
A collection of high-level utilities for cleaning, transforming, and converting HTML content
-
quantized-pathfinding
Quantization before pathfinding
-
ratio-metadata
Ratio's metadata model
-
rand_sfc
Chris Doty-Humphrey's SFC PRNGs
-
timely-container-master
Container abstractions for Timely
-
aoc-utils
A minimal set of utils for writing Advent of Code solutions
-
blake3-std
the BLAKE3 hash function implementation with std::simd
-
vdf
Verifiable Delay Functions (VDFs) in Rust
-
polynomial_subspaces
general ways to deal with subspaces of the polynomial rings R[X] with R some ring
-
cmaze
Core of tmaze game
-
ngt
Rust wrappers for NGT nearest neighbor search
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
hash-ids
a fast hashids (hashids.org) implementation
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
xldenis/creusot-contracts
contracts and logic helpers for Creusot
-
simplers_optimization
Simple(x) black-box optimization algorithm
-
flatty
Flat message buffers
-
iir_filters
re-implementation of some of scipy's digital filters
-
cuid2-timeless
An unstable, barely tested, probably giving wrong output and might panic out of nowhere CUID2 implementation in Rust
-
num-decimal
Infinite precision decimals with fair rounding and other gimmicks based on num-rational
-
kast-refmap
map where keys are references - not values behind references
-
inter-val
Mathematical intervals, i.g., [a, b], (a, b), [a, b), and (a, b] on ℝ, and multi-dimensional axis-aligned boxes represented as Cartesian product of intervals
-
rolling-stats
Rolling statistics calculations (min/max/mean/std_dev) over arbitrary floating point numbers based on Welford's Online Algorithm
-
wapm-targz-to-pirita
Convert wapm .tar.gz to .pirita files
-
vcsgraph
perform various computation of a version control graph
-
kermit
Relational data structures, iterators and algorithms
-
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
-
crater
Very generic containers including KD trees, fibonacci heaps, minmax heaps,
-
rmatrix_ks
matrix and some algebra in Rust
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
glotaran_converter_lib
convert DataStation TR Fluorescence to be used with Glotaran software
-
mattr
transposing multi-dimensional data
-
geo-aid-script
Geo-AID's subcrate for parsing GeoScript
-
mcubes
The Marching Cubes algorithm for creating isosurfaces
-
delsum-lib
most functionality for the delsum crate
-
elon_sort
the worst sorting algorithm
-
typo_checker
Searches for typos of English words and returns matches or similar words.(英単語のタイポを検索し、合致もしくは類似する単語を返却します)
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
intel-mkl-tool
Seek Intel(R) MKL library from system
-
RustQuant_math
quantitative finance
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
checksum-tapestry
Collection of checksum algorithms and examples
-
lol-core
A Raft implementation in Rust language
-
mini-ode
A minimalistic ODE solvers library built on top of PyTorch
-
geo-offset
Add margin and padding to geometric shapes
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
gen-rand-num
usage: include 'use gen_rand_num::gen_rand_num' & gen_rand_num(min, max) gives a random number between min&max values including min&max values
-
rendezvous_hash
Rendezvous hashing algorithm
-
hyte
A hypothesis testing library crate for Z, T, and Pearson's Chi-squared tests
-
data_forest
various types of trees
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
nmm_lib
nine mens morris
-
namewise
Derived trivial name-wise conversions for Rust types
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
loaded_dice
sampler for loaded dices, implementing the alias method
-
scc_tarjan
Tarjan's SCC algorithm implemented non-recursively and optimized
-
rtforth
Forth implemented in Rust for realtime application
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
oshash-cli
https://pypi.org/project/oshash/ in Rust
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
as-what
Provide a bunch of
as
traits -
summavy_fastfield_codecs
Fast field codecs used by tantivy
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
cosmian_bls12_381
BLS12-381 pairing-friendly elliptic curve construction
-
re_space_view_map
A space view that shows a map
-
aula_27
Aula de Library
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
qframework
A experimental micor framework for clear design, based on queue model
-
branchy
tools for generating strings and sequences using context-free grammars
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
gsv-culture-ships
Iain M. Banks's Culture ship names in a library.
-
asciimath-parser
A fast extensible memory-efficient asciimath parser
-
monte-carlo-tree-search
Monte Carlo Tree Search to find good moves in two player games
-
blackbox_core
Rust dependency injection library
-
routers
Rust-Based Routing Tooling for System-Agnostic Maps
-
rounded-div
Get rounded result of an integer division
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
discoid
Different types of generic Circular Buffers
-
nsys-mat
Dynamically sized 2d storage with rectangular iterators and in-place resizing
-
nipdf-cff-parser
that parses CFF files, part of nipdf library
-
chrono-probe
Compare and measure the time complexity of algorithms
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
ccsort
clone of the Unix sort command, with multiple sorting algorithms
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
fazi
A drop-in replacement for libFuzzer
-
range_rover
Function to pack integers into ranges
-
qdft
Constant-Q Sliding DFT
-
gtin-validate
Validate GTIN barcodes including UPC-A and EAN-13. This module has built-in support for GTIN-8, GTIN-12 (UPC-A), GTIN-13 (EAN-13), and GTIN-14 codes
-
plr
Performs greedy or optimal error-bounded piecewise linear regression (PLR) and spline regression
-
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
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
kindness
Methods for returning random elements from an iterator
-
codes-check-digits
Common implementation of check digit algorithms
-
affinityprop
Vectorized and Parallelized Affinity Propagation
-
numext-fixed-hash
Fixed-size hash types
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
reductive
Optimized vector quantization for dense vectors
-
rust-clacc
Rust implementanion of a CL universal accumulator
-
phonetics
Phonetic algorithms for encoding and comparing strings
-
mitex
TeX2Typst converter
-
demes
specification
-
xldenis/creusot
prove your code is correct in an automated fashion
-
integraal
Integral computation, done in Rust!
-
jellyfish
Approximate and phonetic matching of strings
-
fang_oost_option
implementing Fang and Oosterlee's algorithm for option pricing
-
rotating-bloom-filter
A probabilistic data structure that rotates out old items to maintain recent membership
-
mvsync
A standalone async and worker thread library, with expandable traits and command buffers
-
prepona
A graph crate with simplicity in mind
-
rust-tensors
n-dimensional arrays
-
rnd
Random
-
noctua
symbolic algebra library
-
cogitate
Algorithms made in Rust
-
colorbox
A low-level toolbox for working with color
-
former_types
A flexible implementation of the Builder pattern supporting nested builders and collection-specific subformers. Its compile-time structures and traits that are not generated but reused.
-
search_trees
binary search tree, red-black tree, and AVL tree
-
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.
-
petgraph-gen
Graph generators for petgraph
-
poisson-diskus
Poisson disk distribution sampling
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
xsum
Fast Exact Summation of Floating-Point Numbers
-
grid_2d
A general purpose 2d grid
-
stable_matching
Gale-Shapley stable matching algorithm
-
japanese
Recognize the different Japanese scripts and convert between hiragana/katakana
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
pipe
Synchronous Read/Write memory pipe
-
number-based
attempt of mine to make working with number bases simple
-
scadman_helper
Helper library for scadman
-
spatial_hash
A 2D Spatial Hash which uses cubes, triangles and hexes
-
even_any_type
A lightweight Rust crate providing simple, type-specific methods to check if a value is even
-
hash_utils
A collection of hash functions
-
pikkr
JSON Parser which picks up values directly without performing tokenization in Rust
-
crfsuite
Safe wrapper of crfsuite
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
subproductdomain-nucypher-temp5
Implements subproduct domain algorithm
-
winsfs-core
Site frequency spectrum estimation based on window expectation-maximisation algorithm
-
graphvis_ego_tree
Converts ego_tree trees into graphvis.dot
-
entry_put_ext
Map entry extension for put operations
-
abv
AV and BV convert functions for Bilibili videos
-
odesign
optimal design of experiments library written in pure rust
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
screwsat
condlict driven clause learning sat solver
-
opentalk-version
Collect a set of build information and make it available for printing
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
org-rust-exporter
exporter for org mode documents parsed with
org-rust-parser
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
sparsetools
2-D sparse matrix package for numeric data
-
aligned-buffer
A buffer with controllable alignment, that can be sealed and shared by reference count
-
rsleetcode
Implementations of LeetCode problem solutions in Rust
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
fast-blurhash
A faster implementation of the BlurHash algorithm used to generate better looking placeholder for websites and mobile apps
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
ch_cityhash102
ClickHouse CityHash implementation
-
minesweeprs
Probabalistic minesweeper solver, based on https://mrgris.com/projects/minesweepr/
-
asap-ranking
Active Sampling for Pairwise Comparisons (ASAP) algorithm implementation in Rust
-
supply-chain-trust-crate-000025
Random number generators and other randomness functionality
-
glicko2
rating system
-
accumulator-plus
Accumulator based on Biguint
-
olc_pixel_game_engine
Rust bindings for olcPixelGameEngine
-
linearsort
Sorting in linear time 🤔
-
randperm-crt
Small library for generating random permutations
-
prime_bag
A bag datatype that used unsigned integers for storage
-
heapless_topo
no-std topological sort using
heapless
-
datafrost
Data format and acceleration structure management
-
mazer
generating and solving mazes of various maze algorithms and grid types
-
bcd-numbers
converting rust unsigned numbers to BCD and viceversa
-
doers
generating Design Of Experiments (DOE)
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
minlin
minimal linear algebra made to be as convinient as possible
-
rust_jsc_sys
Low-level bindings to JavaScriptCore
-
lsh-rs2
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
buldak
that provides various sorting functions
-
simple-easing
Set of simple easing functions
-
ring_buffer
RingBuffer is a queue with added random access
-
arcium-primitives
Arcium primitives
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
text-file-sort
Sort a text file similar to linux sort
-
worley-noise
Worley noise implementation
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
enso-optics
functional optics
-
rustc-ap-rustc_span
Automatically published version of the package
rustc_span
in the rust-lang/rust repository from commit 9a27044f42ace9eb652781b53f598e25d4e7e918 The publishing script for this crate lives at: https://github… -
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
webgestalt_lib
computing enrichment for different analytes using ORA or GSEA
-
qptrie
A QP-Trie implementation for Rust
-
osi-src
Redistribution of Coin-OR Osi as a crate
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
umash-sys
FFI wrappers for the umash hash/fingerprint function
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
merged_range2
rangeset that can merge overlapping ranges (fork of merged_range)
-
kornia-linalg
Linear algebra operations for kornia
-
incrementalmerkletree-testing
Common types, interfaces, and utilities for testing Merkle tree data structures
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
fixed-size-buf
Fixed size async buffer pool
-
tugger-wix
Interfaces to the WiX Toolset to produce Windows installers
-
complex-number
A basic implementation of complex numbers in rust
-
vec_clock
Vector clock implimentation
-
simple-sds-sbwt
A fork of simple-sds used in the sbwt crate
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
cucoqu
cucoqu is a Rust library for converting between different types of Bézier splines. Currently it only supports the types most commonly used in type design and drawing curves: cubic Bézier curves…
-
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
udgraph
Universal dependency graphs
-
char-ranges
Iterate chars and their start and end byte positions
-
qust-ds
a part of crate qust
-
num-cmp
Comparison between differently typed numbers
-
verhoeff
algorithm, for number checksums
-
sea-canal
Identifies patterns in sequences of integers
-
rand06-compat
Compatibility wrapper between
rand_core
0.6 and 0.9 -
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
GORBIE
GORBIE! Is a minimalist notebook library for Rust
-
noise-functions-config
Configurable noise generator for
noise-functions
-
vf2
VF2 subgraph isomorphism algorithm in Rust
-
rpid
Rust Programmable Interface for Domain-Independent Dynamic Programming (RPID)
-
sigmah
Create and scan binary signature in Rust efficiently
-
gtfs-generator
Convienience helpers for writing GTFS converters
-
beetle-fraction
functions & structs for doing math with fractions
-
hash-iter
Iterator producing sequence of hash values for a given input (using double hashing technique)
-
fastrand-contrib
Extension functionality for fastrand
-
bye_nanoflann_rs
KD-Tree, implemented based on nanoflann, primarily optimized for 2D or 3D point clouds
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
rust-sugiyama
Sugiyama's algorithm to calculate coordinates of a directed graph
-
memory-pager
Access memory using small fixed size buffers
-
contest-algorithms
Common algorithms and data structures for programming contests
-
nblast
neurite similarity algorithm
-
xentrace-parser
A XenTrace files parser with a study purpose
-
prexel
A math expression evaluator
-
luminos
A Laravel inspired crate
-
deranged
Ranged integers
-
causal-hub
A hub for Causal Data Science
-
bravery_router
Radix Tree implementation
-
materialized-view
incremental materialized views for the masses
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
smtlib
A high-level API for interacting with SMT solvers
-
meshed
Graph creation and traversal tools
-
issue-states
managing issue states
-
arima
time series modeling for Rust
-
trajectory
interpolation
-
discrete
Combinatorial phantom types for discrete mathematics
-
apparat
A lightweight event-driven behavioral state machine
-
q1tsim
efficient, quantum computer simulator
-
aob
String searching with wildcards
-
dbg-ranges
debug formatting lists of items that have many sequential items
-
scoundrel
An engine for working with ASCII roguelikes
-
buffer-trigger
A data collection trigger based on the maximum number and refresh time
-
sophus_opt
Sparse non-linear least squares optimization
-
random_item
Easily reference or clone a random item from a sequential collection
-
tea-map
Map functions for tevec
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
lindenmayer
Memory Efficient Lindenmayer-Systems
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
tato_pipe
Converts PNG files to binary data for the Tato game engine
-
depict
Picture systems, tell stories
-
bellande_limit
Bellande Adaptive Step Size dynamically adjusts movement increments for optimal robotic path planning and navigation
-
smallest-enclosing-circle
Iterative and recursive two-dimensional implementations of Welzl's algorithm for computing the smallest enclosing circle
-
curri-fsm
Functional Programming Finite State Machine With curri
-
tiny-rng
Tiny RNG, a minimal random number generator
-
field33_rdftk_core_temporary_fork
core RDF data model; concrete implementations for Statements and Literals, along with a Resource type that provides a builder-like experience for models
-
reinforcex
Deep Reinforcement Learning Framework
-
memoesu
fast subgraph enumeration on graphs using a memoized parallel ESU algorithm
-
space-filling
Generalized 2D space filling
-
uvgen
Triplanar texture coordinates generator and packer
-
bin_packer_3d
Three dimensional fitting algorithm to fit smaller boxes inside of a larger box
-
wl_isomorphism
WL and 2-WL algorithms for graph isomorphism testing
-
libm
libm in pure Rust
-
pi_ext_heap
Extending the heap supports deleting and modifying the elements at the specified location. When the elements in the heap move, the callback function will be called
-
quickscope
Multi-layer HashMap and HashSet implementations for performant representation of variable scopes
-
string_templater
A string templater to inject values in a string template
-
acacia
A spatial partitioning and tree library
-
graphplan
planning algorithm from Avrim L. Blum and Merrick L. Furst in Rust
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
kaede
adalah rust library untuk operasi matematika sederhana
-
int_math
Integer math
-
grb-sys
Low level bindings to Gurobi
-
insides
A compact, high performance space filling curve library for Rust
-
never-say-never
The never type (the true one!) in stable Rust
-
louvre
A Robust Triangulation Algorigthm
-
modular-decomposition
computing the modular decomposition of a graph
-
umt_rust
UMT is a collection of useful functions that I personally created
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
fixed2float
Fixed point to floating point conversion utility
-
big-rational-str
Format and parse BigRationals to/from decimal numbers
-
math-ops
Mathematical and statistical operations on vectors
-
quasirandom
number generation
-
vqsort-rs
Rust bindings for Google's Highway vectorized quicksort
-
stack-cell-ref
Share a reference in thread inner
-
probably
various approximate computing algorithms
-
knf-rs-new
fbank features extractor without external dependencies
-
mmseg
Chinese word segmenation algorithm MMSEG in Rust
-
rustint
working with RGB colors
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
toffee
Get command to run to run specific test in a file
-
hash40
working with Hash40 types in Smash Ultimate
-
indexkv
A performance-focused, persistent, async, key-value store
-
rs-uuid
Universally unique identifier generator
-
miniball
Minimum enclosing ball
-
threecrate-reconstruction
Surface reconstruction algorithms for 3DCrate
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
sbrd-gen
Schema-Based Random Data GENerator
-
geotz
Look up timezones based on coordinates
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
data-pipeline-rs
Data processing pipelines
-
list-fn
A generic lazy list
-
minisat
interface. Solves a boolean satisfiability problem given in conjunctive normal form.
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
randomwalk
Build glorious random walks
-
rten-imageproc
Image tensor processing and geometry functions
-
radix
Convert any {u8, u16, u32, u64, u128, usize} to another radix
-
poisson
Poisson-disk distribution generator
-
hadris-common
Common types and functions used by Hadris
-
name-engine
computing Markov chains to generate random names based on pronunciation
-
chrf
algorithm
-
steiner-tree
Fast construction of rectilinear steiner minimal trees (RSMT) in two dimensions
-
minvect
A mini vector library
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
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
-
topk
TopK algorithm implementation in Rust
-
openraft-rocksstore
A rocksdb based implementation of the
openraft::RaftStorage
trait -
ntree-rs
A mutable n-tree with async support
-
ekzg-bls12-381
internal implementation of the BLS12-381 curve for the Eth KZG project
-
svg2polylines
Convert SVG data to a list of polylines (aka polygonal chains or polygonal paths)
-
ryley
Syntax unifies programmers
-
cobhan
FFI is a system for enabling shared code to be written in Rust and consumed from all major languages/platforms in a safe and effective way, using easy helper functions to manage any unsafe data marshaling
-
zugferd-code-lists
ZUGFeRD code lists, e.g. languages enum, currencies enum, countries enum, etc.
-
metrics_evaluation
Small foot-print parser and solver for (nested) text-based comparisons
-
n18tile
Defines 18xx tile elements and track networks
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
aviation-calculator
Useful calculations for aviators
-
rabitq
vector search algorithm
-
vrp-pragmatic
An extension logic for solving rich VRP
-
uniquetol
toolbox for isolating unique values in n-dimensional arrays of imprecise floating-point data within a given tolerance
-
lace_metadata
Archive of the metadata (savefile) formats for Lace. In charge of versioning and conversion.
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
abnf_to_pest
A tiny crate that helps convert ABNF grammars to pest
-
arcis
Arcis
-
permutation-generator
A direct permutation generator
-
extended-isolation-forest
rust port of the anomaly detection algorithm
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
timeharsh
implements the timehash algorithm, an algorithm for creating user configurable, variable-precision sliding windows of time. Useful for binning time values in large collections of data.
-
spdkit
Structure Predication Development Kit
-
graph-types
Shared types for graph theory
-
parking-game
A recreation of the rules set for Thinkfun's "Rush Hour"
-
riichi-calc
calculate the score of a hand in riichi mahjong
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
optimath
Linear Algebra using const generics for no_std and specialization to enable SIMD
-
buf-min
Minimal utf-8 safe buffer traits
-
hexagex
Match binary data with hexadecimal regexes
-
stringprep
algorithm
-
streamson-generator
integrates streamson with generators
-
reikna
A work in progress math library
-
rust-algo
rust algorithms
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
branch-and-bound
A highly generic Branch and Bound / Backtracking library with a flexible API
-
alea
randomness
-
ismcts
Information Set Monte Carlo Tree Search
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
atomex
Atomics extensions in Rust
-
augurs-dtw
Dynamic Time Warping (DTW) algorithm for Rust
-
frostfire
A modular, mathematically rigorous, performant, reusable simulated annealing optimization engine
-
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
omango-wyhash
Wang Yi hash for Rust
-
hampel
Sequential outlier detection and removal using Hampel identifiers
-
trail-sense-sol
science and math in the real world
-
f3l_features
3D Point Cloud Library
-
rust-3d
2D/3D library written in rust
-
tuid
Sequential UUID generator
-
windmouse-rs
windmouse
-
data-structures-algorithms
Data Structures and Algorithms in Rust!
-
hel-random
RNG with weak entropy source (alloc) and xoshiro256++ hashing
-
tdlg
Generates a grid of cells that could be used to build a top-down game map. Used by me to learn Rust.
-
differential-growth
differential growth algorithm
-
slsqp
optimizer for Rust
-
ergothic
setting up and running distributed Monte-Carlo statistical simulations. Designed primarily for lattice QCD.
-
entoli
A functional programming library inspired by haskell
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
fluentbit
build output plugins for Fluent-bit
-
cfg-regex
Conversion from a regular expression to a context-free grammar
-
picorand
A zero-dependency, no_std-compatible, easily extendable library intended for fast random number generation using the WyRand PRNG with a pico-sized footprint
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
permutate
Generic permutator that permutates singular and multiple lists
-
sapling-dag
DAG used for source control
-
aether_primitives
Helpers for common SDR and signal generation operations
-
greek_number
Convert numbers to Greek number strings
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
opmark
An experimental markup language focused on presentation making
-
lbfgsbrs
Rust port of L-BFGS-B-C
-
fts-solver
A reference solver for flow trading optimization
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
index-utils
working with indices
-
bisection
Python bisect module
-
meos-sys
MEOS C API bindings
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
scirs2-interpolate
Interpolation module for SciRS2
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
rust_examples
rust 的学习中的一些例子
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
secded
Single Error Correction, Double Error Detection Codes for Everyone
-
ambient_physics
Ambient physics. Host-only.
-
zung_mini
Mini rust projects that target specific features of rust
-
pos_pso
Particle Swarm Optimizer
-
snaplog
easily recording changes to values
-
xfeval
the Excel-like formula calculator
-
cca-rmm
Arm Realm Management Monitor structures
-
macro_machine
State machine generator using macros
-
qmc
Quantum Monte Carlo simulations in Rust
-
wordpieces
Split tokens into word pieces
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
reveler
A cryptographic commitment scheme based on lattice and parallelized matrix-vector multiplication
-
lemonmath
A math library
-
dispnet-hash
Hash Library used for Dispnet
-
dfp-number-sys
Rust bindings for Intel® Decimal Floating-Point Math Library
-
phi-detector
Phi Accrual Failure Detector
-
digraphx-rs
Network Optimization Algorithms in Rust
-
concentric_circles
Efficient generation and iteration of concentric circle perimeters using Bresenham's algorithm
-
mem_tools
Collection of tools to manipulate memory
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
gcp-vertex-ai-vizier
An async client library for GCP Vertex AI Vizier
-
cubecl-opt
Compiler optimizations for CubeCL
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
xpress_rs
Xpress implementation in Rust
-
progress-observer
scheduling efficient regular progress updates synchronously on long running, singlethreaded tasks
-
circularing
Circular buffer backed by in-stack storage
-
proc-opt
WIP: Process/Job scheduling optimization library
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
phi-accrual-failure-detector
Phi Accrual Failure Detector
-
vlq-bij
Bijective Variable-Length Quantity encodings
-
fleetfs_raft
language implementation of Raft algorithm
-
owned-buf
An owned buffer type for reading into possibly uninitialized memory
-
ordbog
lossy dictionary codes for accelerated scans
-
reversejp
reverse geocoding in Japan
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
geo-visibility
Compute visibility polygon
-
cozad-union-find
union-find disjoint set graph algorithm
-
dd-delaunay
D-dimensional Delaunay triangulations, inspired by CGAL
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
quine-mc_cluskey
Quine-McCluskey algorithm and Petrick's method
-
bidi
Unicode Bidirectional Algorithm (UBA)
-
boolnetevo
Evolve populations of boolean networks to approximate bitstring functions and their (unknown) inverses
-
shapefile-gbk
Read & Write shapefiles in Rust
-
hotdrink-rs
HotDrink in Rust
-
treemap
Squarified Treemap algorithm
-
machine-check-common
formal verification tool machine-check
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
hora
Hora Search Everywhere
-
chull
Convex hull approximation
-
star_rng
opinionated PRNG for easier fuzz testing
-
decursion
Write recursive algorithms without worrying about stack overflows
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
gkquad
Numerical integration library for Rust
-
nine_patch_drawable
core functionality to read nine patch bitmaps defined in Android NinePatch drawables and algorithms to scale them
-
arrsac
From the paper "A Comparative Analysis of RANSAC Techniques Leading to Adaptive Real-Time Random Sample Consensus"
-
diman_lib
Commonly used types for internal use in diman
-
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…
-
async_load
Functionality to trigger GMS2 async events from Rust
-
rusfun
Little experimental crate to fit simple models to data via WASM in the browser
-
rasengan
Circular buffer with overwrite on overflow
-
hopcroft-karp
A minimal implementation of the Hopcrof-Karp bipartite matching algorithm
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
range2d
An iterator for traversing a 2D rectangular coordinate space
-
rexl
Common Library for Rust
-
punkt_n
Punkt sentence tokenizer
-
sha3-asm
Raw bindings for SHA-3 algorithms written in assembly
-
decnumber-sys
Low-level bindings for libdecnumber
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
klotski
multifunctional engine with high performance
-
unik
A Powerful Universally Unique Identifier (UUID)
-
algorithms-edu
Algorithms for pedagogical demonstration
-
squares
A Counter-RNG faster than Philox
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
superslice
Extensions for slices
-
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
-
ratio-bus
Ratio bus detection algorithms and heuristics
-
numberer
Turn things into numbers and numbers into things
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
collide-capsule
Capsule collider implementation for the collide crate
-
rscompress-transformation
data transformation supporting rscompress
-
crypto-bigint-asm
Assembly routines for big integers
-
aes-edu
A collection of code for teaching the full AES algorith as described in FIPS 197
-
mcts-rs
Monte Carlo Tree Search (MCTS) using an arena allocator
-
metaheurustics-rs
A comprehensive collection of metaheuristic optimization algorithms implemented in Rust
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
case_style
Converts from and to different case styles
-
iron-shapes
Basic data types and routines for computational geometry focused on VLSI chip design
-
rs-genetics
Genetic algorithms library
-
cp_lib
Competitive programming library for my own use
-
uint256
A light-weight implementation of 256-bit unsigned integers type with semantic API
-
classgroup
class groups in Rust. Uses GMP for arithmetic.
-
scirs2-ndimage
N-dimensional image processing module for SciRS2
-
numeric-algs
implementing some numerical algorithms
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
or-tools
Unofficial Rust wrappers to the C++ library Google OR-Tools, open source software for combinatorial optimization
-
competitive-programming-rs
Competitive Programming Library in Rust
-
strtod
A high precision floating point parser implementation for Rust
-
libgdx-xs128
minimalist no_std clone of the Xorshift128+ algorithm used in the libgdx Java library
-
metacomplete
Top-k string autocompletion
-
geqslib
Equation solving made easy in Rust and beyond!
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
ldpc
A toolbox for classical and quantum LDPC codes
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
rustgym
solutions
-
squares-rnd
fast counter based non-crypto random generator
-
test_common
Just an utility library with functionality I usually use in my unit tests and integration tests
-
seismic
designed for effective and efficient KNN retrieval over learned sparse embeddings
-
sameplace
A SAME/EAS Message Parser
-
consistent-hashing-rs
Consistent hashing with bounded loads implementation in Rust
-
soco
Algorithms for Smoothed Online Convex Optimization
-
fp-growth
algorithm in pure Rust
-
easy_base64
The package provides the base64 encode/decode functions
-
mcmc
implementing various MCMC diagnostics and utilities, such as Gelman Rubin potential scale reduction factor (R hat), effective sample size (ESS), chain splitting, and others
-
descent_ipopt
IPOPT interface for descent
-
paragraph-breaker
Knuth-Plass algorithm for breaking paragraphs into lines
-
gradient-slice
safe crate to iterate over a gradient of permutations of slices of a Vec
-
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).
-
integer-cbrt
integer cube root algorithm for primitive rust types
-
decimal-wad
Math for preserving precision floats up to 18 decimal places
-
denlibs
general-purpose libraries
-
ms2
that replicates the ms package from TypeScript for Rust
-
nnf
Negation Normal Form manipulation library
-
easyrand
Simpler to use random number library for the Rust language
-
fsmentry-core
Finite State Machines with an entry API and data storage
-
ripgen_lib
High-performance domain-name permutation generator
-
chainkov
HashMap / Tuple-backed Markov Chains
-
angled-random-walker
Angled Random Walker approach to Brownian tree generation
-
dahl-partition
An efficient representation of a set partition
-
graph-neighbor-matching
Graph similarity score using neighbor matching
-
pso
Particle Swarm Optimizer
-
aws-smt-ir
Intermediate representation for SMT problems
-
omnitool
A curated respository of algorithms and data structures. The libraries are included as forks of Rust codebases
-
ini_puga
manage INI files
-
read-tree
A read-only tree structure
-
nkl
Nuclear Kernel Library
-
inohashmap
fast and efficient insert only string hashmap
-
stable-id
mainly deals with issuing and maintaining stability of indices
-
aporia
A flexible random number generation library
-
id_graph_sccs
Find the strongly-connected components of a graph with nodes labeled by integer ids
-
f8
It's a float! It's a unorm! It's only one byte!
-
weighted-selector
Select type from weighted index
-
pi_guid
An GUID Generator
-
smart_buffer
A hybrid stack/heap buffer
-
wfc-rs
Binding to the krychu/wfc C library
-
gplu
Sparse LU factorization with partial pivoting
-
rankmap
rust hash table supporting key ranking
-
ceres-solver-sys
Unsafe Rust bindings for the Ceres Solver
-
lazy-seq
constructing lazily evaluated sequences
-
page_rank
A graph and pagerank algorithm implementation in Rust
-
four-bar-ui
Four🍀bar GUI is a simulator, a synthesizing tool for four-bar linkages
-
easing
Leveraging Rust's powerful iterators for easing
-
linear-deque
A double-ended queue that can be sliced at any time without preparation
-
case_converter
Case Converter
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
word_sensitive
sensitive string matching, the implementation language is rust, and the algorithm used is ac
-
mecs
An ecs library with a focus on iteration performance
-
mwa_rust_core
Convenience Rust code that handles coordinate transformations, Jones matrices, etc. for the Murchison Widefield Array (MWA) radio telescope.
-
fugue-bv
A binary analysis framework written in Rust
-
aramid
Synthetic fibers
-
aobscan
multi-threaded AOB memory scanning
-
microstate
Finite state machine, inspired by micromachine
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
resizing-vec
An automatic resizing vector for data with linear increasing ids
-
ndarray-polyfit
Polynomial fitting based on ndarray
-
easey
Easing functions for interpolation between 0.0 and 1.0
-
ann_dataset
A lightweight research library for managing Approximate Nearest Neighbor search datasets
-
grid_shapes
A general purpose 2d grid shape library
-
heterogeneous_graphlets
computation of heterogeneous graphlets
-
ordq
Order keeping job processing queue
-
globiter
Replace with description
-
building_blocks_image
Functions for converting from/to building-blocks arrays to/from 2D pixel images
-
data_storage_units
Unit converter for rust language
-
weighted_levenshtein
Generic implementation of Levenshtein distance allowing arbitrary weighting of operations
-
sorts
A collection of sorting algorithms
-
rusty-perm
permutation with no-std
-
quaternions
quaternion arithmetic with traits
-
hipblas-sys
Bindings for HIP blas
-
sort_library
sorting algorithms in Rust
-
rust_wfa
wavefront sequence alignment algorithm
-
addchain-arcium-fork
Generate addition chains (Arcium fork)
-
frozenset
frozenset(), for Rust
-
xfind
Fast forward and backward stream search routines
-
multid
2-d arrays, badly
-
fuzzy_dbscan
FuzzyDBSCAN algorithm
-
sample-std
Sampler definitions and implementations for st
-
seadawg
that implements the online algorithm for Direct Acyclic Word Graph (DAWG) and Compact Direct Acyclic Word Graph (CDAWG)
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
diceystats
parse and interact with dice formulas
-
building_blocks_storage
Efficient storage for maps on sparse or dense, 2D and 3D integer lattices
-
small_str
A String-like but using SmallVec internally
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
gw2timers
Iterate and collect Guild Wars 2 map meta event times
-
borrow-bag
A type-safe, heterogeneous collection with zero-cost add and borrow
-
fang_oost
implementing Fang and Oosterlee's algorithm for inverting characteristic functions
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
savant_core
Savant Rust core functions library
-
diffai-core
Core library for AI/ML diff analysis - PyTorch, Safetensors, tensor statistics, structured data
-
state_maschine
A State Machine Framework written in Rust
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
castle_tokenizer
Castle Tokenizer: tokenizer
-
float01
A float in range 0-1
-
wl-tools
Wordlist tools – algorithms and data structures for working with lists of words
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
colourado-iter
A small and minimalistic library to generate a random color palette of infinite size
-
graphannis-core
supports graph representation and generic query-functionality
-
interiors
Primal-Dual Interior Point Method for Nonlinear Programming
-
arnold-rs
Rust bindings for the Arnold raytracing API
-
detect-lang
Language detection given paths and extensions
-
cytogon
Mesh generation library based on cellular automata
-
bpci
Binomial proportion confidence intervals
-
bigdecimal-no-std
Arbitrary precision decimal numbers
-
clippy-utilities
funtions for clippy fixing
-
salps
random string generator
-
transvoxel
Eric Lengyel's Transvoxel Algorithm
-
maze_generator
different maze generation algorithms
-
cggmp21
TSS ECDSA implementation based on CGGMP21 paper
-
nats-types
Enumerations and types for representing NATS protocol messages
-
geosteiner
compute Euclidean and recitlinear Steiner trees using the geosteiner C library
-
proportionate_selector
Selecting useful solutions for recombination via fitness proportionate selection
-
to_precision
Write out a float rounded to the given position
-
aict
Generates auto-incrementing unique IDs
-
isolation_forest
Isolation Forest anomoly detection algorithm
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
rehexed
Adjacency lists for hexasphere's icospheres
-
gann
Generic ANN
-
zerobuf
A growable chunk of zeroed memory
-
hyperid
Superfast id generator
-
bitcursor
Keeps track of the bit position for an in wrapped memory buffer, and provides it with a read, seek implementation. Also applys a new trait called ReadBits which allows reading types that implement Unit from the cursor.
-
rusted_pipe
Real time processing library for developing multithreaded ML pipelines, written in Rust
-
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
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
taker
Option-like taking for everyting with a default value
-
number_traits
number traits
-
fuzzy_trie
Key-value collection to make fuzzy searches
-
exxact
drop-in float replacement for exact arithmetic
-
fmul-to-int
Float multiplication to integer part
-
fliphash
A constant-time consistent range-hashing algorithm
-
enso-shapely
Automated typeclass derivation
-
easing-function
easing functions for animation tweening
-
exegraph
no_std execution graph library
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
automaters
Implémentation d'automate en Rust. (FSM, NFA, DFA, NDFAE)
-
task-local-extensions
Task-local container for arbitrary data
-
algs
Solutions for various algorithms, made as generic as possible
-
polystem
Popular stemming algorithms for Information Retrieval
-
yfft
fast Fourier transform library optimized for small, power-of-two, single precision transforms and x86 systems
-
squares-rng
Squares RNG for game development
-
algx
Knuth's Algorithm X
-
sacabase
Base types and functions for suffix arrays and longest substring search
-
javarandom
Pure rust implementation of java.util.Random
-
radix-ecmascript
Convert floating-point types to string representation as defined in ECMAScript Language Specification Section 9.8.1
-
savant_rs
Savant rust optimization library
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
ncollide_testbed3d
3D testbed for ncollide
-
eviolite
Toolkit for working with evolutionary algorithms
-
esoteric-vm
An esoteric virtual machine
-
sat_toasty_helper
more-easily writing SAT constraints
-
finny
Finite State Machines with a procedural builder-style API and compile time transition checks
-
analytic
has been renamed to be the math crate https://crates.io/crates/math
-
onemax-oxigen
OneMax simple problem resolution using oxigen
-
bufferstats
calculating statistics on buffer data
-
dedup_signature
implements TextProfileSignature and Lookup3 algorithms to generates a hash/signature/footprint in order to be used for detecting duplicate documents
-
sparsemat
sparse matrix library
-
uptrace
OpenTelemetry Rust distribution for Uptrace
-
iban_parser
A zero-dependency hobby crate that can be used to parse ibans
-
concorde
reconfigurable lattice agreement
-
algen
A parallelized genetic algorithm runner
-
anyhash
Traits and utilities for making hashes of any type
-
flashtext2
The FlashText algorithm implemented in Rust
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
travelling_salesman
Travelling Salesman Problem Solvers
-
vec-btree-map
Basically just a sorted Vec that can be used as a HashMap
-
line_cardinality
High performance line cardinality counts and estimates
-
highhash
High-speed hashing algorithms for Rust
-
drain_at_sorted_unchecked
Terribly unsafe but highly efficient function that allows removing items from a vector with few moves
-
mersenne_twister_rs
porting Mersenne Twister to Rust
-
nucleic-acid
Implementations of Suffix Array, Burrows-Wheeler Transform and FM-index
-
double-buffer
double buffer generic implementation
-
dendritic-clustering
Package for algorithms related to clustering
-
int_ranges
ranges tools for integer
-
maidenhead
package to convert to/from maidenhead squares to latitude/longitude
-
chain_from_last
Iterator adaptor for chaining from last item
-
vdtfont
converting glyphs into triangulations
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
ordr_core
The core part of
ordr
(which is probably the one you want) -
lttb
Largest Triangle Three Buckets algorithm
-
druid-widget-nursery
Extra widgets for
druid
that are not yet ready for inclusion in Druid proper -
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
generalized-schnorr
Generalized Schnorr Protocols
-
geo-aid-latex
Support for LaTeX output from Geo-AID
-
tugger-snapcraft
Snapcraft packaging primitives
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
librsb-sys
FFI interface for librsb
-
fastbuf
single-thread-oriented very fast byte buffer
-
idmix
mix the int id
-
classific
Classifications, comparator and equivalence class implementations
-
event-voxel-builder
Fast event voxel builder
-
aoc_utility
Advent of Code Utility for parsing daily input
-
binary_modifier
read & write to buffer
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
rustler_bigint
Handle Erlang's arbitrarily-sized integers
-
houtamelo_utils_gdnative
A collection of utilities shared between Houtamelo's GDNative projects
-
ilattice
2 and 3-dimensional integer lattice math
-
routrs
Geograph-based shortest distance calculation for Rust
-
rabin_ida
Rabin's information dispersal algorithm, originally by Liam Perlaki
-
german-str
small-string optimized string type with fast comparisons
-
livre
type-safe PDF parser
-
boo-hoo
ZKBoo
-
dep_crusher
Starting at a root node, traverse the dependency graph and flatten it
-
chandeliers-std
A standard library for the Chandeliers suite
-
cose
(https://tools.ietf.org/html/rfc8152) in Rust
-
grid_search_cardinal
Collection of search algorithms for uniform-cost cardinal grids
-
framering
Queue-of-queues container
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
forky_core
Rust Utilities
-
non-dominated-sort
Fast Non-Dominated Sort Algorithm
-
simple_graph_algorithms
goal of making running graph algorithms as easy as possible
-
iban_validator
A zero-dependency hobby crate that can be used to validate ibans
-
easy_argv
helper for pulling and converting arguments, flags, and value overrides from a command statement
-
ofps
Framework for efficient processing of optical flows/motion vectors
-
dubble
A generic implementation of double-buffering
-
heapz
Heap/Priority Queue implementations
-
osqp-rust
The OSQP (Operator Splitting Quadratic Program) solver
-
multistr
Store multiple strings in the same heap buffer
-
picoc_vm
picoc VM with Rust
-
octree
algorithm for nearest neighbor search in 3D space
-
flowing
flow graph processing library
-
profqu_neat
that implements the NEAT algorithm
-
deki_lerp
linear interpolations!
-
reservoir-sampling
Implementations of a variety of algorithms for reservoir sampling in Rust
-
packed-vec
Sorted, deduped, compressed vector of integers
-
cut-optimizer-1d
A cut optimizer for cutting linear pieces
-
sorting_lib
lib implementing sort algorithm?
-
easylazy
Easy lazy initialization of variables
-
UUID_extend
Extension of uuid generation based on snowflake algorithm and implementation of ID to string conversion
-
when
'When' parses natural language date/time and produces computer friendly output structures
-
dent-parse
Duck's Extensible Notation for Things (DENT) parser
-
argdata
binary serialization format
-
rdx
A collection of traits and algorithms to ease using radix sorts
-
max-subarray-sum
Finds the maximum subarray sum in a list
-
keyde
Fast, Dependency-free Spacial Queries
-
cfpyo3_rs_core
a collection of performant utilities
-
aws-smt-strings
manipulating SMT-LIB strings and regular expressions
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
umbra_slice
An owned slice type with German string optimizations
-
chair-rb
containing a Rust port of the ring buffers from the Aeron and compatible with the ring buffers in the Agrona(https://github.com/real-logic/agrona) library
-
oshash
https://pypi.org/project/oshash/ in Rust
-
vikos
A machine learning library for supervised training of parametrized models
-
jaime
j.a.i.m.e. is an ergonomic all purpose gradient descent engine
-
displayr-rustr
R integration
-
reciprocal
Baseline implementation of integer division by constants
-
bayes_elo
calculating Elo in balanced and unbalanced competitions or games
-
tiamat
a PRNG library
-
xias
Explicit numeric type conversions
-
fastblur
Linear-time gaussian blur
-
nonn
Integer types that are known not to equal any single N
-
rsbalancer
that implements load balancing algorithms
-
MIL1750A-Converter
convert to and from MIL-1750A
-
string-ring
A circular string buffer with character- and line-level granularity
-
rizzer
Fuzzy matching tool to find string similarity
-
sparse
-
hyphenation_commons
Proemial code for the
hyphenation
library -
thinkrust_algorithms
Basic Algorithms: Binary Search and Find Max from an array
-
crcany
Compute any CRC
-
wheel
algebra library for Rust
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
clone_dyn_types
Derive to clone dyn structures
-
divisors_fixed
A fixed & enhanced version of the divisors crate
-
k_nearest
K-nearest neighbors search for points with maximal search radius
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
mdmath_core
Multidimensional math, fundamental functionality and types
-
mathml-latex
Convert between MathML and LaTeX
-
sci_rust
A scientific Rust library
-
yamcts
Monte Carlo Tree Search
-
dims_core
Core Utils for Generating Units and Systems
-
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…
-
rollercoaster
Extra iterators for grouping, sorting, arithmetic, and more
-
numerical
Algorithm for numerical analysis
-
screech
A collection of helpers for handling audio data in real time
-
bigfloppa
Arbitrary precision decimal numbers
-
custom-rust-stemmers
Experimental fork of: A rust implementation of some popular snowball stemming algorithms
-
wgdiff
LCS-based diff algorithm
-
narcissistic
number searcher
-
matrixlab
A matrix library that supports both sparse and dense matrices
-
rusty_helloworld
Mastering Rust, step by playful step.Rusty_Helloworld is your one-stop shop for exploring the diverse landscape of Rust through practical examples. Whether you're a beginner diving…
-
no-adjacent
Max sum when no two elements are adjacent in a list
-
stack-bitset
Stack-allocated generic-sized bitset implementation. WIP
-
endicon
Implementations of codicon traits for endianness encodings
-
rotation
Rotate your list clockwise and anti-clockwise
-
kurobako_solvers
A collection of black-box optimization solvers
-
rtt
Rapidly-Exploring random trees path planning algorithm
-
lcs_rs
longest common subsequence
-
euphony
music composition environment for programmers
-
schindel
rust min-shingle hashing
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
autobahn-hash
HighwayHash, a fast and strong SIMD hash function
-
lisa
longest increasing subsequence algorithm [ O( nlogn ) ]
-
string_calc
Perform calculations based on String to avoid floating point errors
-
constrained_int
Integers that are constrained within inclusive ranges
-
varisat-internal-proof
Internal proof format for the Varisat SAT solver
-
CFDTCP
Short text clustering for determining center points and correlation judgment [one-hot,Jenks Natural Breaks]
-
algo
Algorithms & Data Structure implementations
-
thirtyseconds
Short Rust 🦀 code snippets for inspiration
-
percentage
calculate percentages
-
drain-rs
Automatically cluster semi-formatted text with the drain algorithm
-
cp-rs
Competitive programming library, especially for AoC
-
blake
hash function for Rust via FFI
-
jawe-cuvs-iii
RAPIDS vector search library
-
stringslice
A collection of methods to slice strings based on character indices rather than bytes
-
extsort-lily
An efficient external merge sort implementation
-
str-distance
Distance metrics to evaluate distances between strings
-
hulahoop
An efficient consistent hash ring implementation supporting virtual nodes
-
comtesse
graph utilities
-
rust_bresenham
determining Bresenham lines
-
flatbuffers-rust
FlatBuffers in Rust (To be continue)
-
pareto_front
Builds a Pareto front incrementaly
-
rnltk
Natural Language Toolkit for Rust
-
cgmatrix
matrix library for computer graphics in Rust
-
f3l_surface
3D Point Cloud Library
-
octarine
Color manipulation library
-
web-glitz-buffer-vec
Implements growing WebGlitz memory buffers for slices of data
-
drand48
POSIX.1 standard LCG random number generator
-
sqpnp
A pure Rust implementation of the SQPnP perspective-n-point algorithm
-
circle-packer
Implements a circle packing algorithm: https://en.wikipedia.org/wiki/Circle_packing_theorem
-
lcs-diff
Compute differences between two slices using LCS algorithm
-
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.
-
random_tester
similar to https://www.fourmilab.ch/random/
-
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.
-
raftmodel
A logic model for the raft consensus algorithm
-
gitignored
gitignore algorithm
-
nqueens-oxigen
N Queens problem resolution using oxigen
-
fsm-rust-jb
FSM (with effects, like Mealy machine) implementation in Rust
-
ez-bencoding
bencoding library, which uses the bdecode algorithm from libtorrent 3rd edition
-
gpu-fft
performing Fast Fourier Transform (FFT) and Inverse FFT using GPU acceleration
-
xoroshiro128
Fast psuedo-random number generators
-
extfsm
Extended Finite State Machine with internal event queue and entry/exit transitions
-
library_of_babel
Babel in Rust
-
crfmnes
CR-FM-NES (Cost-Reduction Fast Moving Natural Evolution Strategy Optimiser) implemented via nalgebra
-
shiftnanigans
contains different iteration data structures for either iterating or for shifting iteratively forward and backward
-
bentobox
A fast, allocation-free Monte Carlo model of a top-N podium finish in racing events
-
mudders
Generating Lexicographically-Evenly-Spaced Strings, or: Mudder.js in Rust
-
yolol_number
weird-ass special number type used in yolol
-
monster
Collection of random utilities
-
geo-aid-internal
Internals of Geo-AID. Can be used for creating alternative interfaces.
-
full
Matrix and array types for numeric values
-
pacifica-rs-rpc-impl-grpc
grpc support for pcifica-rs
-
async_to_iter
Convert async functions to generators on stable Rust
-
fuchsia-cprng
Fuchsia cryptographically secure pseudorandom number generator
-
libmemtester
testing memory for faults
-
owned_chunks
a collection of traits and iterators to get owned chunks from collections
-
choose-rand
A small crate for choosing random items from a set of weighted items
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
summed-area-table
summed area table
-
array-matrix
Treats two-dimensional arrays as matrices and introduces matrix operations
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
topojson
TopoJSON utilities for Rust
-
diagonal
Extract diagonals from a matrix in various directions
-
monitor-common
Basic data structure and algorithm of linux-monitor tool
-
babygiant-alt-bn128
implementing a multi-threaded version of the baby-step giant-step algorithm on the Baby Jubjub curve (it is the curve whose base field is the scalar field of alt-bn-128 aka bn254) to decrypt u40 integers…
-
random-fast-rng
Blazing fast non cryptographic random number generator
-
palestrina
creating algorithmic music
-
rustlex_fsa
manipulating (deterministic) finite automata
-
basebits
encoding DNA into u64 to allow for constant time hamming distance calculations
-
block-pseudorand
Generator of random Vec<T>'s for types that can be transmuted from arbitrary bytes
-
jandom
Port of java.util.Random
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
generic-state-machine
that allows to create generic or Moore or Mealy state machines that allows the use of custom transition functions
-
streemap
Set of tree map algorithms (binary, squarified, ...)
-
smallint
optimized arbitrary precision integers
-
checksum
Calculates crc32/crc64 file checksums written in Rust
-
pincol
PINned COLlections: data structures utilizing
Pin
pointer -
attorand
A small random number generator hacked on top of Rust's standard library
-
rot26-rs
(Joke) no_std Implementation of thr ROT-26 algorithem with a C interface
-
cutter
usefull functions for parsing text. Used for cutting between strings.
-
java_random
The java LCG and random module implementation in rust
-
evercrypt_tiny-sys
A tiny build of EverCrypt's c89-distribution with autogenerated bindings
-
sulfa
basic algorithm library implemented by rust
-
llm_tools
Unified API for AI
-
function_string_builder
A string builder that takes a user-provided function
-
tri-mesh
A triangle mesh data structure including basic operations
-
eater_rangeset
work with set's of ranges
-
ordinal-type
Ordinal type for Rust
-
treelike
A trait to abstract over trees, and simplify implementing them, all in one handy crate
-
sorbus
A tree manipulation library
-
lace_utils
Miscellaneous utilities for Lace and shared libraries
-
crc-0x8810
Very efficient, table-free, byte-by-byte 0x8810/0x1021 crc polynomial application
-
markov_rs
fast Markov chain generator in Rust
-
wimlib
(Hopefully) idomatic bindings to the wimlib library
-
jay-algorithms
Internal dependency of the Jay compositor
-
djb_hash
commonly used Daniel J. Bernstein style hash functions.
-
xxh
XXHash algorithm implementation for Rust
-
mycrc
Create your own cyclic redundancy check (CRC)
-
chargrid_test_grid
chargrid frontend that renders to an in-memory buffer for use in tests
-
more-iter
More iterator utilities
-
between-us
Finds two most distant smaller and bigger numbers
-
w_inter
❄️ Weighted INTERval scheduling problem
-
bdecode
A Bencode decoder in Rust which uses the same algorithm as libtorrent
-
scm-bisect
Supporting library for git-branchless
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
metric
zero-cost dimensional analysis for safe, unit-aware numeric computations in Rust
-
rscompress-checksums
data checksums supporting rscompress
-
turnip
Ternary operators for Rust
-
tiny_tco
A tiny dirt simple no_std tail call optimization library
-
routee-compass-core
The core routing algorithms and data structures of the RouteE-Compass energy-aware routing engine
-
fzyr
A fuzzy(er) finder 🔎
-
bmatcher-core
bmatcher is a flexible and efficient binary pattern matching library designed to help you search and match binary data
-
intern-str
Efficient, compile-time string interning for Rust
-
rustsat-cadical
Interface to the SAT solver CaDiCaL for the RustSAT library
-
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
pi_adler32
adler32 crc check algorithm
-
hybrid-clocks
Hybrid Logical Clocks
-
struct2vec
Rust structure to slice
-
foundation_core
central crate for all foundation crates for the ewe-platform project
-
blobber
Create an arbitrary length of string
-
hysteresis
state-oriented hysteresis loop returning the next direction from provided measurement
-
calculator-rs
Calculator is a library which support calculates the value of string
-
msdfgen-sys
Unsafe bindings for msdfgen (multi-channel signed distance field generator)
-
idalloc
different methods of allocating unique identifiers efficiently
-
jsonposition
Finds a path to a JSON element at a provided string index
-
hash-match
Optimized pattern matching alternative
-
leetcode-core
talk to leetcode APIs via REST interface
-
lib_algorithms
Библиотека алгоритмов
-
sonic-api
API for formally-verifiable distributed contracts
-
pushy
A pushable stack-allocated buffer
-
flipflop
Stress-tester for double-ended iterators
-
algebrust
basic linear algebra operations
-
heuristic-graph-coloring
Heuristic algorithms for graph vertex coloring
-
mathjax_svg
Convert mathematical expressions to SVG using Mathjax
-
kdvtree
K-dimensional tree space-partitioning data structure
-
gosh-lbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
integer-partitions
Efficiently enumerate integer partitions
-
hubs
The horribly unsafe buffer structure
-
satlog
A logger for SAT-like solvers
-
compute-float
Computes floating point numbers using Eisel-Lemire algolithm
-
geo_filters
Geometric filters for set cardinality estimation
-
reinterpret
Low level utility functions to reinterpret arrays of data
-
zip_eq
Zip iterator that check that its inputs have the same length
-
cova-space
Cova's geometric and topological library
-
fastcmp
A fast byte slice comparison library
-
hilbert_index
D-dimensional Hilbert curve
-
aya_base
Playing card library for efficient hand lookup
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
cobalt-async
collection of helpful functions for working with async Rust
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
polysplit
Algorithm that allows to split polylines into segments by the defined list of points not necessary belonging to the polyline
-
picea
little physics engine. can alos be used in web(wasm).
-
ordslice
Extensions for ordered slices
-
distance_difference_triangulation
Position triangulation from differences of distances
-
qsort-rs
A quick sort algorithm that accepts any type and non-recursive approach
-
libreda-sta
Static timing analysis for netlists of the LibrEDA framework
-
abow
Visual bag of words for fast image matching
-
quickmaths
A collection of algorithims for generic mathematics
-
try_all
Extends iterators with
try_all
to convert iterator of results into result of iterator of okays -
phf_mut
Perfectly hashed mutable containers
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
rutil
containing utilities for creating programs in rust
-
stable-hash
A stable, structured hash with backward compatibility
-
isbn3
handling ISBNs
-
usize_conversions
Conversion traits for conversions between
usize
and fixed sized integers -
sn-merkle-trie
Minimal starknet merkle patricia trie implementation
-
packr2
a few packing algorithms for your needs
-
resistor
calculating the resistance of a resistor based on the color bands
-
mahf
A framework for modular construction and evaluation of metaheuristics
-
dp_macro
procedural macro that implements memoization for dynamic programming
-
johalun/module
FreeBSD kernel module in Rust
-
sfmt
SIMD-oriented Fast Mersenne Twister (SFMT)
-
recall_entangler_storage
Distributed storage for uploading and downloading data
-
blitz-path
Implementations of the A* and JPS pathfinding algorithms
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
swap3
Swapping of three references, rotating the values left or right
-
sa-is
algorithm for suffix array construction
-
matchertools
Implements the Gale-Shapley algorithm and exposes it as an API
-
cinnabar
graph algorithms and data strctures
-
is-real
real?
-
gsl_rust
A safe GSL wrapper
-
apt-edsp
data model of the APT External Dependency Solver Protocol
-
argmap
parse command-line arguments into a hashmap and vec of positional args
-
ddgg
A stable graph with undo/redo built in
-
varisat-formula
Basic formula data types used by the Varisat SAT solver
-
phonics
Phonetic spelling algorithms in Rust
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
kmpsearch
String/Byte pattern searching within byte slices or strings, using the Knuth Morris Pratt algorithm
-
binary_ok
help you convert from binary to decimal and from decimal to binary, you can pass as reference &f64 and &u128 numbers
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
slur
A fast, iterative, correct approach to Stackblur, resulting in a very smooth and high-quality output, with no edge bleeding
-
result
Helpers for dealing with nested Result and Option types
-
meealgi
A selective implementation of Jean Meeus' astronomical algorithms
-
river-ring-buffer
ring buffer implementation
-
gw_signal
Package with signal processing tools for graviational waves studies
-
npy-writer
Export numpy arrays in the npy or npz format
-
shufflr
Shuffle a lists using Fisher-Yates algorithm
-
pi_guid64
An GUID Generator
-
eom
Configurable ODE/PDE solver
-
dynforest
dynamic forest management
-
pso_rust
famous PSO method
-
entropiter
A no-dep iterator-compatible frequency and Shannon entropy calculator
-
ink-quill
transcript library
-
async_tools
Toolkit for asynchronous programming
-
flanker
µ-libraries for Rust
-
mccga
Implements the machine-coded compact genetic algorithm (MCCGA)
-
sugiura-hiromichi_mylibrary
my personal library
-
gbps
gossip-based peer sampling
-
lcpc-brakedown-pc
polynomial commitment scheme from SDIG expander code
-
rustamath_mnmz
Minimization functions
-
tars
providing useful technical indicators
-
n18token
Defines and manages tokens for 18xx tiles
-
unity-random
A reimplementation of Unity's pseudo-random number generator
-
librualg
Collection of basic algorithms for everyday development
-
game-solver
Solve any combinatorial game
-
leaf-spread
iterate indefinitely over well spread points, similar to some leaf arrangement pattern in nature
-
pef
Partioned Elias-Fano encoding for sorted integers
-
permutation-rs
Do calculations with groups
-
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. -
framp
Fork of James Miller's Ramp, a high-performance multiple-precision arithmetic library
-
rand-bits
Random number generators with a fixed number of set bits (ones)
-
abseil
An easy app storage provider
-
decompose-float
decompose floating point numbers
-
sonic-url
URL-based request builders and parsers for SONIC distributed contracts
-
u4
nibble (4-bit integer) library, with packed representations
-
n18hex
Defines the geometry of hexagonal tiles for 18xx
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
generic-floyd-warshall
A generic implementation of the Floyd-Warshall algorithm for array-like types
-
n18brush
Common drawing operations for 18xx maps
-
permissive-search
Implementing user-friendly search interfaces in Rust. no-std. Zero dependencies.
-
closed01
checked floating point operations within the range [0,1]
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
classify
A collection of algorithms for categorizing 1D data
-
flo_sparse_array
Sparse array data type: a fast map between usize values and data
-
rustyard
A Shunting Yard implementation and calculator. This crate is able to calculate basic math expressions passed to it as strings and return a 64-bit floating point return value.
-
sorting_explorer
An exploration of various sorting algorithms
-
cellular_lib
simulation of cellular automata
-
take-some
that provides a way to obtain *some* value from various collections
-
wpublisher
publish modules on
crates.io
from a command line -
blurhash-ng
A pure Rust implementation of blurhash
-
local-or-heap
type with a pre-specified size, regardless of the size of the T type it contains, using heap allocation if necessary
-
weighted-rs-1
A libray for weighted balancing algorithm
-
ff-group-tests
A collection of sanity tests for implementors of ff/group APIs
-
log_buffer
A zero-allocation ring buffer for storing text logs
-
polynomint
A no-dependency library for working with integer polynomials
-
temex
Regex-like temporal expressions for evaluating systems that change over time
-
exact-cover
(WIP) Asynchronous exact cover solver library using Knuth's dancing links algorithm
-
aoc_utils_by_nifalu
A small collection of utilities for the advent of code challenges
-
index-sort
Sort containers by index using user-specified swap and compare functions
-
shrink-to-fit
Recursively calls
shrink_to_fit
on all elements of the container -
polymatheia
Mathematical types, traits, and algorithms in pure and safe Rust
-
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…
-
fst-bin
command line tool for using finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible). The command line tool exposes functionality to search FSTs using regular expressions…
-
modicum
Modular arithemtic library in pure Rust
-
bitpack-vec
A vector for arbitrary bitwidth integers, densely packed
-
map-gen-2d
2D map generation algorithms implementaion
-
ordered_vec
A trait that ensures that elements in a vector are pushed in a sorted order (both ascending and descending)
-
fd-oxigen
Fast Downward planner parameters optimization using oxigen
-
wy
wyhash algorithms
-
nefsm
state machine library for Rust
-
dancing-cells
Solnon and Knuths Dancing Cells algorithm
-
hexx_more
Extensions to the
hexx
crate -
hmm
Hidden Markov Model
-
non-random-state
Deterministic HashMap and HashSets
-
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!
-
kernel-density-estimation
Kernel density estimation in Rust
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
curveipo
2D curve interpolation
-
color-operators
Color data structures, converters, and arithmetic operators
-
fstd
A fast standard library for Rust
-
radiate-gp
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and trees.
-
lfu
cache implementation
-
xxhash-rs
Safe Rust implementation of xxHash
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
batbox-la
Linear algebra
-
pddl_rs
PDDL parser
-
sacapart
Partitioned suffix arrays, for use with
sacabase
-
deepseek
Deepseek crate
-
crc32_light
Calculate CRC-32 checksum
-
biterator
iterating over individual bits in a byte stream
-
f256_pow2_div_pow10_lut
Lookup table for crate
f256
-
lcg-rand
Lightweight open source random number generator using the Linear Congruential Generator algorithm
-
general_tools
offers many functions for many different types of operations, such as operations with strings, numbers, files, and more!
-
pire-dev
high performance cpu kernels
-
int_cmp
Small library for comparing unsigned integers with signed integers
-
miura
Math library written for learning Rust
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
spatium
Spatium. Calc distance between sequences.
-
grid_search_cardinal_common
Reusable components for use implementing uniform-cost cardinal grid-searching algorithms
-
rectcut-rs
rectcut concept from https://halt.software/dead-simple-layouts/
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
vrp-solver
An extension which provides custom metaheuristic for solving VRP
-
stitches
Search spaces to solve math problems fast
-
gym-rs
OpenAI's Gym written in pure Rust
-
drain_filter_polyfill
current nightly implementation of Vec::drain_filter, copypasted out for use on stable
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
cycle_cursor
Cyclic cursor implementation over generic iterators
-
nn-rs
1D nearest neighbors for nalgebra
-
yaxpeax-core
program analysis for machine code
-
moving-least-squares-image
Image deformation using moving least squares
-
yet-another-md5
compute md5 hashes from Read objects
-
smth
math library
-
mx3
algorithm providing a bit mixer, pseudo-random number generator, and hash function
-
totally-sound-ptr-int-cast
do i _look_ like a memory model?
-
asdf-pixel-sort
ASDF pixel sorting
-
robinson_mmodules
direct implementation of the algorithms presented in "MODULES IN ROBINSON SPACES" by MIKHAEL CARMONA, VICTOR CHEPOI, GUYSLAIN NAVES AND PASCAL PREA. It can determine if a given…
-
simplex-23d-rs
Simplex 2d/3d noise in Rust
-
number-bytes
trait for converting generic numeric types to and from bytes
-
csinsertion_sort
Insertion sort implementation for indexable collections
-
lc3b-isa
LC-3B instruction set architecture type definitions
-
curuam
lot of useful functions and structs like Ipv4, Ipv6, Mac, random_in_range, memcpy, checksum, EthHeader, IpHeader, and etc
-
tri_poly_moment
Calculate moments of random variables. The distributions of the random variables are normal, uniform, and exponential.
-
tree-edit-distance
Find the lowest cost sequence of edits between two trees
-
fuzzerang
Efficient random number generators and distributions for fuzzing
-
strflags
A string-enum and string-flags with fixed variants that can also accept arbitrary data
-
safe-modular-arithmetic
modular arithmetic algorithms for all integer types in an overflow-safe and const-compatible manner
-
piston-history_tree
A persistent history tree for undo/redo
-
graphannis-capi
C-API to the ANNIS linguistic search and visualization system
-
compact_bitset
A type for storing fixed-size arrays of booleans densely to optimize space
-
memoires
Memoization for Rust
-
weighted-median
Calculate the weighted median
-
coloring
Convert values to color simply and securely
-
normal-form
A trait to easily find the canonical/normal form of graph structures
-
xcolabel
Convert between column label to 0-based number
-
rudoku-core
A Sudoku library for generating and solving Suokus
-
checked_int_cast
Conversions between primitive integers with overflow and underflow checking
-
aaronson-oracle
ngram-based predictor for a binary choice
-
krossbar-state-machine
Krossbar state machine
-
braque
Split image into tiles and scramble/unscramble them based on a seed
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
search-autocompletion
Search Auto Completion
-
qhull-sys
Rust bindings to Qhull
-
unitage
interaction with units of measurement
-
stara
A* Search Algorithm
-
curieosa
Parse parsing Internationalized Resource Identifiers (IRIs) into Compact Uniform Resource Identifiers (CURIEs)
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
eater_domainmatcher
light weight and fast (probably) domain pattern matcher
-
bufferpool
A vector of vectors backed by one contiguous vector - allows mutable borrows of non-overlapping regions
-
lax
LAPACK wrapper without ndarray
-
rbtree-defrag-buffer
Red-black tree based defragmentation buffer that maintains inserted and free intervals
-
geocraft
Geocraft
-
list
A singly-linked stack like list support peek
-
random-bytes
generate random bytes
-
slicetools
Add extra iterators to slices
-
rlp-iter
An iterator following a space-filling pattern over a given range
-
namewise-common
Derived trivial name-wise conversions for Rust types
-
tugger-apple
Random functionality related to Apple platforms
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
voxgen
Procedural voxel generation
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
paragraphs
A Parallel Graph Execution Library
-
iteritor
Helpers for more advanced use of iterator combinators and other more functional control flows, including things that may not really fit in the std iterator library or itertools, but…
-
morel
A string searching library
-
plumtree
algorithm
-
nilsimsa
locality-sensitive hashing algorithm
-
groth16
prover and verifier for Bellman
-
gpp-solver
A small hybrid push-pull solver/planner that has the best of both worlds
-
rrt
Path finding using dual-RRT connect
-
generalized_suffix_tree
Generalized Suffix Tree using Ukkonen's algorithm in Rust
-
sid
Id. Tiny crate providing strongly typed ids and an id-based vector.
-
rselib
Misc algorithms implemented for embedded usage (i.e., wasm)
-
clock-page-replacement
clock page replacement algorithm implementation
-
maolang-core
Core components (tokenizer, parser, evaluator) for the Mao language
-
knapsack-oxigen
Knapsack problem resolution using oxigen
-
iobuffer
memory-based buffer for IO reading and writing
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
sosorted
A set of methods to efficiently manipulated sorted arrays
-
scalar
A trait for scalars (integers and floats)
-
domtree
dominance relation calculation
-
crystallographic-group
Provide crystallographic group reference and useful information, e.g. lattice coordinates and symmetry operation matrices.
-
random-string
Allows to generate random strings based on a given charset and length
-
min2phase
An optimized implementation of two-phase algorithm for solving Rubik's cube
-
sort-rs
exposing sorting algorithms
-
geo-rand
Generate random geometric shapes
-
feature-set
User defined feature set
-
bellande_probability
running Bellande Probability calculations via API
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
hyperflake-rs
lightweight Rust crate library to generate unique snowflake like IDs starting from beginning of the 21th century
-
granne
Graph-based Retrieval of Approximate Nearest Neighbors
-
balloon
Hash
-
adapton-lab
Testing and performance evaluation suite for Adapton
-
twsearch-ffi
Twizzle Search FFI — C FFI bindings for twsearch
-
lightningscanner
A lightning-fast memory pattern scanner, capable of scanning gigabytes of data per second
-
clone_dyn
Derive to clone dyn structures
-
imgddcore
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
tpe
that implements TPE, a hyperparameter optimization algorithm
-
fuss
Small, lightweight simplex noise generator for Rust
-
pqueue
Priority Queue for Rust
-
rustgraphblas
Wrapper for GraphBLAS.h exposing SparseMatrix and SparseVector
-
etsm
Efficient Tiny State Machine using object callbacks
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
canonical-form
Reduce graphs and other combinatorial structures modulo isomorphism
-
bezier-nd
Bezier curve implementations using N-dimensional vectors
-
node2vec
in rust
-
dioxus-lazy
Async list components for Dioxus
-
hnsw
Fast approximate nearest neighbors
-
spiral
Iterate over a 2D structure in a spiral pattern
-
swf-fixed
SWF fixed-point numbers for Rust
-
cadnano-format
An interface to the format used by Cadnano to represent DNA Origami designs
-
randm
Small, fast, and efficient random generation crate
-
simple_accumulator
accumulator for incremental statistical computations
-
genx
An easy to use and modular genetic algorithms library
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
iobuf
A contiguous region of bytes, useful for I/O operations
-
rootfind
Root-finding algorithms
-
maschen
A no-std compatible shunting yard implementation
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
polars-algo
Algorithms built upon Polars primitives
-
rust-distributed-id
Rust version of the Twitter snowflake algorithm
-
hashed-permutation
A fast, instant-access way to permute a range of numbers
-
eudex
A blazingly fast phonetic reduction/hashing algorithm
-
coding_pk
pk for coding solution
-
burster
Lightweight stack allocated rate limiter implementations
-
noice
Fork of noise-rs, a procedural noise generation library
-
best-path
Shortest/longest path algorithms, where edge weight accumulation via either a sum or a product
-
path-finding
variety of path finding and graph operations. Work in progress.
-
subproductdomain-nucypher-temp4
Implements subproduct domain algorithm
-
dxpr
Differentiable expression templates in compile-time, dependency-free, no_std Rust
-
tfhe-ark-poly
efficient polynomial arithmetic via FFTs over finite fields
-
acorn_prng
A no_std, 0 dependency, pseudo-random number generator based on the ACORN algorithm
-
tdigest
T-Digest algorithm in Rust
-
tf-rs
High level (Pythonic) API for the TensorFlow framework
-
cryprot-ot
Oblivious Transfer extension protocols
-
raphtory-pymodule
Python package for raphtory, a temporal graph library
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
sort-const
Sort arrays and slices in const contexts
-
graph-base
graph data structures and algorithms
-
set-trie
A trie for fast subset and superset queries
-
wyhash2
in rust
-
namegen
Fast name generator
-
gearhash
Fast, SIMD-accelerated hash function for content-defined chunking
-
logical-expressions
working with logical expressions
-
libtqsm
Sentence segmenter that supports ~300 languages
-
raft-proto
Protocol definitions for the rust language implementation of the Raft algorithm
-
impls_index
Several of macros to put each function under a named macro to index every function in a class
-
downsample
keep downsampled history of data over long period of time
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
bft-core
An efficient and stable Rust library of BFT core for distributed system
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
rattler_libsolv_rs
SAT solving library for dependency resolution
-
arrayfire_fork
ArrayFire is a high performance software library for parallel computing with an easy-to-use API. Its array based function set makes parallel programming simple. ArrayFire's multiple backends (CUDA…
-
automafish
state machine builder for creating deterministic state machines out of nondeterministic state machine definitions
-
kidy
kinematics and dynamics of multi-body
-
copiablebuf
Copiable buffer, a tinier
Vec
, uses a fixed-size array to store a variable number of items -
async-hsm
The lightweight asynchronous hierarchical state machine (HSM)
-
redfa
Regular expression derivatives for creating DFAs
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
rand_krull
Krull64/65 random number generators
-
iter_help
tools for iterating over collections of data
-
spaces
Set/space primitives for defining machine learning problems
-
xitca-service
async traits for xitca
-
unipipes
A small collection of
UniPipe
implementations -
simple-pagerank
calculate the PageRank of a graph
-
hotsax
based discord discovery algorithms
-
elites
A fast and robust implementation of the Map-Elites algorithm in Rust
-
rbuf
A general purpose ring buffer implementation with some non-standard constraints
-
vec-drain-where
alternative
Vec::drain_filter
impl -
parselnk
Parse windows .lnk files in pure rust
-
pod
Plain Old Data (POD) encoding and I/O
-
lockstep
An iterator adaptor for selective zipping
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
zenu-matrix
Matrix library for ZeNu
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
galil-seiferas
General string search in constant space, linear time, for nonorderable alphabets
-
quickphf
Runtime code for static data structures based on the PTHash perfect hash function
-
rex-regex
A pedestrian library for regular expressions: Slow, but easy to understand
-
streamvbyte64
stream-vbyte codec supporting 64-bit wide values
-
vec_extract_if_polyfill
Polyfill for Vec::extract_if
-
optical-flow-lk
Lucas-Kanade optical flow and Shi-Tomasi feature detection
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
maglev
Google's consistent hashing algorithm
-
microcad-lang
µcad language
-
ark-poly
efficient polynomial arithmetic via FFTs over finite fields
-
rustlearn
A machine learning package for Rust
-
small-fsm
Finite State Machine for Rust
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
sorock
A Multi-Raft implementation in Rust
-
misc_iterators
A collection of uncommon but useful iterators, like DDA or BFS/DFS
-
n18catalogue
Defines common 18xx tiles
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
geomutil
providing geometric functions, including triangulation and alpha shape algorithms
-
rand_pcg
Selected PCG random number generators
-
nistrs
his crate implements statistical tests according to the NIST standard
-
catclustering
Agglomerative Clustering For Categorical Data
-
bidir-map
Bidirectional map implementation for Rust
-
z3-sys
Low-level bindings for the Z3 SMT solver from Microsoft Research
-
heapify
Convenience functions to turn slices into max-heaps
-
fasthash
A suite of non-cryptographic hash functions for Rust
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
kde_diffusion
KDE using the Botev implementation of the diffusion method
-
wsp
space filling algorithm
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
bnb
A generic template for Branch & Bound algorithms
-
gbm-sys
Bindgen generated unsafe libgbm wrapper
-
wang_utils_map
个人使用的rust工具库
-
eytzinger-map
array/vec based map using eytzinger search algorithm
-
jaro_winkler
Fast implementation of Jaro-Winkler for comparing two strings
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
krnl-core
Core library for krnl
-
clp-src
Redistribution of Coin-OR Clp as a crate
-
sudoku-solver
backtracking algorithm for solving sudoku
-
rcgal
Rust Computational Geometry Algorithms Library
-
willbe
publish multi-crate and multi-workspace environments and maintain their consistency
-
highwayhash
Bindings to AVX-2-optimized SIP-like hash functions
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
dynstore
A container for arbitrary castable objects
-
plonkup
A pure-Rust implementation of the PLONK ZK-Proof algorithm
-
stack-vector
Vec-like wrapper for an array allocated on the stack
-
non_empty_continuous
Non-empty continuous collections
-
boomerang_runtime
Runtime types and discrete event executor for Boomerang
-
ibmfloat
IBM floating point number types
-
teeint
A teeworlds variable int packer/unpacker
-
h3ron
High-level rust API for H3
-
sfcgal-sys
Low-level FFI bindings to SFCGAL
-
collect_exact
Allows zero-cost collection into exact-size arrays and tuples
-
geogebra-types
Geogebra types and API for building them
-
spherical-cow
Spherical Cow: High volume fraction sphere packing in arbitrary geometries
-
npc-engine-utils
module of the NPC engine, providing re-usable support code
-
satif-kissat
Rust wrapper for the kissat SAT solver
-
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)…
-
fixed-exp2
Exponentiation for fixed-point numbers (forked, see README)
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
simplerandom
pseudo-random number generators
-
strseq
A string sequence library for Rust
-
greyjack
Rust version of GreyJack Solver for constraint continuous, integer, mixed integer optimization problems
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
summavy_codecs
Fast field codecs used by tantivy
-
crc32-bzip2-fast
SIMD-powered implementation of CRC-32/BZIP2 (B-CRC-32 CRC-32/AAL5 CRC-32/DECT-B)
-
matrix-oxide
Lightweight Linear Algebra Library For Rust
-
dywapitchtrack
by Antoine Schmitt
-
reunion
A generic implementation of the Union-Find w/ Rank data structure
-
adventurous
A companion crate for solving Advent of Code puzzles
-
wfc
Generate images using Wave Function Collapse
-
descartes
Imprecision-tolerant computational geometry for Rust
-
prns
fast random-access pseudo-random number generator
-
kekkai
custom-width signed and unsigned integers
-
shuffle
various shuffling algorithms over slices
-
hinted
small crate for providing a size hint and exact size on an iterator
-
gemm-common
Playground for matrix multiplication algorithms
-
map_range_int
map a value from one range to another
-
geo-buffer
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton
-
cienli
historical ciphers implemented in rust
-
beehave
defining and evaluating a hierarchical state machine (behaviour tree)
-
hmmm
Hidden Markov Models in Rust
-
rustsat-minisat
Interface to the SAT solver Minisat for the RustSAT library
-
simplegraph
graph implementation
-
halton
A module for generating Halton sequences
-
rustack
A stack implementation in Rust
-
tw-id-num
Check or generate Taiwan ID numbers
-
criterion-stats
Criterion's statistics library
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
excov
A solver for exact cover problems
-
checked-float
making invariant-enforcing floating point wrappers
-
libfl
floating point operations that supports rounding modes and fpu exceptions
-
aob_common
String searching with wildcards
-
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.
-
easing-fixed
easing iterators using fixed-point math
-
sorting
The world's best, finest and inefficient sorting algorithms
-
lsh-rs
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
oars
providing construction methods and utility functions for orthogonal arrays and strong orthogonal arrays
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
ss-graph-rs
A graph algorithm library written in Rust, primarily featuring a function for finding all paths
-
israeli_queue_etc
various queues
-
genetic-rs-common
Commonly-used parts of genetic-rs
-
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
-
anim_curve
Curve Calculation function library with simple dependencies
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
powerboxesrs
functions to manipulate and compute metrics on boxes
-
algori
Rust Algorithms
-
statistical
statistics library
-
refset
A non-owning HashSet
-
minhash-rs
MinHash trying to be parsimonious with memory
-
simple-std
extension to the Rust standard library for exercises
-
dahl-salso
SALSO algorithm is an efficient greedy search procedure to obtain a clustering estimate based on a partition loss function. The algorithm is implemented for many loss functions, including…
-
simple-simplex
Generates 2d simplex noise values and applies Fractal Brownian Motion
-
bipatch
A bsdiff-derived binary patching tool - patch library
-
bgjk
Boolean Gilbert-Johnson-Keerthi algorithm for determining if convex hull volumes intersect
-
bcmp
bcmp offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
pimc
Scientific computing library for Path Integral Monte Carlo (PIMC) simulations
-
perlin2d
Lightning fast 2D Perlin Noise generator
-
entro-spin
Entro Spin is a 64-bit, true-random number generator algorithm
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
muscleman
A buffer utility
-
floaters
generate floating-point numbers in various ways
-
entromatica
constructing, simulating and analyzing markov chains
-
enso-generics
supporting generic programming
-
tnil
Parsing, glossing, and generating utilites for New Ithkuil
-
graph-algo-ptas
PTAS on planars and other graph classes
-
diagnostics_tools
Diagnostics tools
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
MFEKmath
supplies mathematics and algorithms for manipulating beziers
-
cmsis_dsp
Bindings to the CMSIS DSP library for ARM Cortex-M processors
-
meanshift-rs
Rust version of the MeanShift clustering algorithm that does not need a predefined number of clusters
-
varisat-checker
Proof checker for proofs generate by the Varisat SAT solver
-
ksq
k-2 tree
-
rs_osrm_serde
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
tindex
Vec
, slice and bitset with custom index types -
del-fem-ls
sparse solver library for research prototyping
-
threecrate-algorithms
Algorithms for 3D point cloud and mesh processing
-
renplex
capable of modeling complexed-valued neural networks built with Rust
-
syntaxdot-encoders
Encoders for linguistic features
-
sparse_matrix
do linear algebra with sparse matrix
-
radiate-alters
Alters - mutations and crossovers for the Radiate genetic algorithm library
-
stochastic_optimizers
Generic implementations of gradient based stochastic optimizing algorithms
-
double_sort
fast and simple sorting algorithm which groups numbers into pairs and orders them onwards as nodes
-
advancedresearch-tree_mem_sort
An in-memory topological sort algorithm for trees based on Group Theory
-
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. -
rangelist
A representation of sets as lists of inclusive ranges
-
gamlr
estimating clock offset in networked systems based on the Gamma distribution
-
addchain
Generate addition chains
-
svdlibrs
port of LAS2 from SVDLIBC
-
magnitude
infinity and beyond!
-
norm
A collection of distance metrics on strings
-
voro_rs
binding for voro++ library
-
ed2k
hash function
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
deepmesa-encoding
A collection of data structures and algorithms designed for performance
-
fenris-optimize
Optimization functionality used by fenris
-
stur
functions for working with strings
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
memmem
Substring searching
-
simdutf8
SIMD-accelerated UTF-8 validation
-
fuzzy_match_flex
Fuzzy matching library based on the popular
FuzzyWuzzy
library for python -
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
numcmp
Comparison between differently typed numbers
-
fft2d
Fourier transform for 2D data such as images
-
truth-values
Generate all possible combinations of N bools
-
random_lcg
lcg random number generator
-
activation_functions
collection of activation functions
-
stalmarck-sat
Rust-based SAT Solver based on the Stålmarck Procedure
-
pseudo_encrypt
native-Rust generic implementation of Psql's pseudo_encrypt
-
vec-option
A space optimized version of
Vec<Option<T>>
that stores the discriminant seperately -
vsort
GNU Version Sort Rust implementation
-
ram
that helps to parse source code with finite state machines
-
for_each
Apply macro for each element of a list
-
ploc
Point location library
-
eratosthenes
Mathematical operations library for Rust
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
oxygraphis
Algorithms and structures on ecological graphs command line interface
-
tiny-str
Small string optimization
-
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
-
unity-yaml-rust
Unity YAML parser
-
basemath
math, from the ground up
-
clipper2c-sys
Exposing unsafe FFI for Clipper2 library for Rust
-
index-fixed
convert slices into arrays using indexes ([T] -> [T;N])
-
bit-parallelism
Small integer specialized, word level, parallel algorithms and data structures
-
pl-hlist
support for heterogeneous lists (known as
HList
s), which are functional, tuple-like, strongly-typed data structures that can contain elements of differing types -
randu
MCG65539 is IBM System/360 random number generator
-
sapp-windows
Part of miniquad rendering library. Native bindings to slightly modified sokol-app
-
parser-helper
Helpers for handling buffers of bytes
-
bio
A bioinformatics library for Rust. This library provides implementations of many algorithms and data structures that are useful for bioinformatics, but also in other fields.
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
ssbh_data
High level data access layer for SSBH formats
-
lehmer
Convert between permutation vectors, Lehmer codes and decimals
-
u144
Unsigned Integer 144 bits
-
ilmen-dot-parser
A dot file parser
-
pindakaas-cadical
build of the Cadical SAT solver for the pindakaas crate
-
suitesparse_camd_sys
Raw bindings to SuiteSparse's CAMD algorithm
-
smooth-numbers
Algorithms to generate smooth numbers
-
totsu
Convex optimization problems LP/QP/QCQP/SOCP/SDP that can be solved by
totsu_core
-
randlib
Dependency-less random value generator using pointer addresses and time
-
format_tools
Collection of mechanisms for formatting and serialization into string
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
joinable
Traits for doing SQL-like joining iterables of values
-
non-empty-collections
Non-empty hash-map and hash-set implementations
-
density-mesh-image
Image module for density mesh generator
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
libreda-logic
Logic library for LibrEDA
-
sort-it
various sorting algorithms
-
line_2d
Bresenham's line algorithm as a rust iterator
-
cubecl-spirv
SPIR-V compiler for CubeCL
-
sparseglm
Fast memory-efficient solver for sparse generalized linear models
-
str_stack
string allocator for allocating many write-once strings. This library is primarily useful for parsing where you need to repeatedly build many strings, use them, and then throw them away…
-
farmhash
successor to Cityhash (also from Google). Farmhash, like Cityhash before it, use ideas from Austin Appleby's MurmurHash.
-
signalo_pipes
A collection of pipes used in 'signalo' umbrella crate
-
darrentsung_debug_parser
Parse the output of
std::fmt::Debug
-
motion_list_rs
working with motion_list.bin files in Smash Ultimate
-
iron-shapes-booleanop
Boolean operations on polygons for iron-shapes
-
etcd_dynamic_state
Etcd dynamic state library
-
stackstring
A fixed-size string
-
introsort
Fast sorting compatible with #[no_std]. Also has (optional) support for efficient and robust sorting of floating point numbers. Currently, introsort only builds on nightly
-
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, ...
-
advancedresearch-path_iter
A cocategory enumeration library based on path semantics
-
meowhash
Meow hash function
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
grambulate
grambulation for positive integers in Rust
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
matrixmultiply_mt
Multithreaded Fork of bluss's matrixmultiply crate. General matrix multiplication of f32 and f64 matrices in Rust. Supports matrices with general strides. Uses a microkernel strategy…
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
randomgen
generating random data such as names, emails, phone numbers, and dates
-
broccoli-ext
broadphase collision detection algorithms
-
scales
converting values between scales
-
core_collections
copy of libstd::collections with all the parts that don't work in core removed. Most importantly, it provides HashMap and HashSet. This crate is (mostly) automatically generated from the rust git source…
-
fhash
Blazingly fast hash for HashMaps in Rust
-
const-combinations
const fn combinations iter adapter
-
oefpil-sys
Rust FFI bindings to statically linked C/Fortran library OEFPIL
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
stack
DSTs and arrays on the stack!
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
raddy
An automatic differentiation system for geometry and simulation
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
entro-sort
Entro Sort is an in-place, linearithmic, unstable sorting algorithm
-
basic_dsp_interop
Digital signal processing based on real or complex vectors in time or frequency domain
-
eprng
Extremely Pseudo RNG
-
satif-cadical
Rust wrapper for the CaDiCaL SAT solver
-
scad_tree_math
Math library for scad_tree
-
vrp-cli
A command line interface for VRP solver
-
typing_tools
Collection of general purpose tools for type checking
-
rust-cef
Trait to serialize/convert/map a Rust item into an ArcSight Common Event Format string. This trait enables logging libraries and frameworks that may wish to integrate with standardized…
-
fastxfix
Extremely fast prefix/suffix finder for any 2D data type
-
indented-blocks
parser for indented blocks
-
rure
A C API for Rust's regular expression library
-
qqwing
software for generating and solving Sudoku puzzles. This is a rust version.
-
suitesparse_ldl_sys
Raw bindings to SuiteSparse's LDL algorithm
-
gossip
A generic gossip library that uses gossip-based peer sampling
-
simple_optimization
Simpler optimizers for simple optimization
-
pikkr-annika
JSON Parser which picks up values directly without performing tokenization in Rust. Reuploaded by Annika due to her compile problems.
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
kodama
Agglomerative hierarchical clustering
-
rand-half
Random number generation support for half-precision floating point types
-
wavefront_loader
A loader/exporter into wavefront for debugging and visualizing geometry algorithms
-
gut
Geometry utilities: storing, manipulating and processing geometries
-
b3-rs
B3 (Better Binary Buffers)
-
cqtool
converting between CQ strings and message segment arrays
-
fnntw
Fastest Nearest Neighbor (in the) West. A fast kdtree/kNN library.
-
glem
Linear algebra transformation adaptors
-
cadical-veripb-tracer
VeriPB proof tracer for CaDiCaL via RustSAT
-
algorithm_playground
Algorithms Playground: To learn and understand the working of different algorithms in Computer Science
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
tinysort
The lowest memory footprint sorting algorithm
-
mephisto-raft
language implementation of Raft algorithm
-
opensimplex_noise_rs
OpenSimplex noise algorithm implementation in Rust
-
coloremetry
small color library written in Rust
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
building_blocks_mesh
Fast meshing algorithms for voxel data structures
-
reachability_solver
A linear reachability solver for directional edges
-
md6
hash function for Rust via FFI
-
subproductdomain-nucypher-temp3
Implements subproduct domain algorithm
-
cbc-src
Redistribution of Coin-OR Cbc as a crate
-
crc16-xmodem-fast
SIMD-powered implementation of CRC-16/XMODEM (CRC-16/ACORN CRC-16/LTE CRC-16/V-41-MSB XMODEM ZMODEM)
-
rscompress-approximation
data approximations supporting rscompress
-
shr3
3-shift register random number generator
-
skelly
Skeleton animation and IK
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
fx-hash
A speedy, non-cryptographic hashing algorithm used by rustc. Fork of rustc-hash.
-
pcg-mwc
A fast non-cryptographic psudo random number generator
-
dfo
Differentiable Floating-point Operations in Rust
-
cl-generic-vec
a vector implementation that can be used in
no_std
envioronments -
libreda-pnr
Algorithm interface definitions of the LibrEDA place-and-route framework
-
fltrs
Filter for querying lists
-
jps
Jump Point Search Implementation for Path Finding
-
n18map
Manages the state of 18xx maps
-
poly2tri-rs
An idiomatic and fast Constrained Delaunay Triangulation library
-
triangulate
Subdivides polygons into equivalent triangles
-
baiser
Curves manipulation library
-
jyafn-ext
Jyafn extension creation helper library
-
ruby-math
3D math library for games and graphics
-
minterpolate
Data set interpolation for mint primitives and raw arrays
-
reusing-vec
Wrapper over Vec that allows elements to be reused without dropping them
-
nummap
Defines a wrapper around a
HashMap
of number values which behaves as if ALL keys are mapped but0
values are not stored -
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
xxhash-c-sys
Bindings to xxhash
-
flann
Bindings for the FLANN library
-
optimization
Collection of optimization algorithms
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
lazysort
Lazy sorting for iterators
-
falcon-z3
Rust bindings for z3 and Falcon
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
u160
Unsigned Integer 160 bits
-
ga-scheduler
A Genetic Algorithm optimizer designed for scheduling and similar tasks
-
sorted_array
A sorted array data structure adapted from StackMap
-
dec-number-sys
Rust bindings for The decNumber C library by IBM Fellow Mike Cowlishaw
-
clipper-sys
Boolean operations on polygons (Clipper wrapper)
-
bresenham
A fast, iterator-based integer-only implementation of Bresenham's line algorithm
-
key-vec
Vec of key-value pairs sorted by key
-
pcg
A port of the PCG random number generation library
-
remedian
A Rust implementation of The Remedian
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
ogs
solving octal games
-
luhn3
A Luhn validation library
-
gecl
geometry types and a color type
-
arboretum-td
CLI for obtaining exact and heuristc tree decompositions for arbitrary graphs
-
bluenoise_sampler
Precomputed blue noise for fast sampling
-
lev_distance
A copy of Levenshtein distance implementation from Rust Compiler
-
pi_hash
Provide unified hasher, HashMap and HashSet, The hash algorithm used can be determined by compiling conditions
-
guessture
$1 unistroke recognizer
algorithm in Rust -
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
tcs-dhbw
Modules for a model traffic control system project at DHBW Stuttgart
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
closest-sum-pair
Finds a pair in a list that has the closest sum to a given number
-
rmath
math library
-
chunk-diff
A fast and memory-efficient library for computing the difference between two frames of rect
-
depper
basic dependency validation
-
randomizer
A random string/byte generator
-
cdt
Fast, robust constrained Delaunay triangulation
-
babushka
bin packing and nesting library
-
async_from
Async version of From, Into, TryFrom, TryInto
-
pcg32
No-frills PCG32 random number generator implementation
-
joto_constants
Constants for interoperation between US Customary and SI units
-
statest
statistical test
-
identity-hash
std::hash::Hasher
which does not hash at all -
streaming-stats
Experimental crate for computing basic statistics on streams
-
sid_vec
Tiny library providing id types and an id-based vector
-
augurs-core
Core data structures and traits for the augurs time series library
-
czt
The package provides an algorithm to compute the chirp Z-transform
-
poseidon-permutation
An instantiation of the Poseidon permutation for decaf377
-
permoot
General-purpose no_std permutation library
-
demes-forward
rust API for iterating demes models forwards in time
-
afarray
Convenience methods for working with ArrayFire arrays in Rust
-
core_float
based on the Rust Core Library and aims to provide an identical set of APIs for f32 and f64 floating-point types
-
gchemol-geometry
gchemol: a Graph-based CHEMical Objects Library
-
semver_sort
Sorts semver strings or numbers
-
eytzinger
implements the "eytzinger" (aka BFS) array layout
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
revonet
real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also known as neuroevolution.
-
building_blocks_search
Search algorithms for voxel data
-
bevy_copperfield
Procedural mesh editor, based on Half-Edge-Mesh datastructure
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
stringr
random string functions
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
mgraph
performance-oriented graph library for Rust
-
clustr
Multithreaded string clustering
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
lolraft
A Multi-Raft implementation in Rust language
-
hora-new
Hora Search Everywhere
-
gaps
Functionality for working with gaps/holes in ordered sequences of values
-
zw-fast-quantile
Zhang-Wang fast quantile algorithm in Rust
-
adler32fast
Fast, SIMD-accelerated Adler-32 checksum computation
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
pdqsort
Pattern-defeating quicksort
-
norman
Implementations of different norms for elements of vector spaces
-
positivity
checking the non-negativity of values across various types
-
uints
Unsigned Integer Properties
-
count_sort
O(n) sorting library for large datasets with small range of possible values
-
radiate_web
Train Radiate remotely
-
zhong_rust_lib
adding two integers
-
iterslide
A "sliding window" iterator
-
pumpkin-core
The core of the Pumpkin constraint programming solver
-
watchmaker
A genetic algorithm implementation in Rust
-
qip-iterators
Iterators for tensor product matrix multiplication
-
rs-graphs
Graph algorithms in Rust,图算法库/图数据库
-
gurobi
An unofficial Rust API for Gurobi optimizer
-
deterministic_rand
Hierarchical random number generators for concurrent simulations with switchable determinism
-
str-similarity
A string similarity library
-
xcov
Knuth's Algorithm X (featuring dancing links) for solving exact cover problems
-
rtriangulate
Delaunay triangulation on a set of points
-
graph_solver
An undirected graph constraint solver for node and edge colors
-
tilecover
Generate the minimum number of tiles to cover a geometry
-
deepnest-rust-minkowski
Minkowski operations for deepnest
-
seqdiff
Diff between two sequences
-
n18io
Manages the (de)serialisation of 18xx tiles and maps
-
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
-
musemap
Fast DoS-resistant hashmap based on MuseAir hash algorithm
-
const-chunks
Extension trait to chunk iterators into const-length arrays
-
symbol-map
Memory-efficient mapping from values to integer identifiers (AKA a lexicon or symbol table), with options for fast bidirectional lookup
-
dach
A general delta encoded network difference algorithm
-
test_tools
Tools for writing and running tests
-
closest
nearest neighbor implementation
-
advanedresearch-trinoise
A mathematical noise pattern of 3 values based on Number Theory and Set Theory
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
parity-map
For mapping integers based on their parity
-
datom-bigdecimal
Arbitrary precision decimal numbers
-
grid_search_cardinal_point_to_point
Search algorithm for finding the shortest path between two points in a uniform-cost cardinal grid
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
rustplex
A linear programming solver based on the Simplex algorithm for Rust
-
spalinalg
Sparse Linear Algebra Library
-
sbitty
defining bitwise operations on standard integers type
-
grabbag
A random grab-bag of functionality
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
std_x
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.
-
tincture
Convert colors between sRGB, Oklab and related color spaces
-
kdbush
A very fast static spatial index for 2D points based on a flat KD-tree
-
ternlog
Ternary logic operations on integer types
-
bktree
BK-tree datastructure
-
iterators_extended
Some useful extensions to Rust's iterators
-
pindakaas-kissat
build of the Kissat SAT solver for the pindakaas crate
-
bin-tree
Building Binary Tree
-
squirrel3-rs
reliable random number generator
-
ipopt-src
Redistribution of Coin-OR Ipopt as a crate
-
distance
A collection of approximate string matching algorithms
-
libpermute
A
no_std
compatible library that provides a function to permute the items of a slice -
crczoo
CRC Zoo: A collection of Cyclic Redundancy Check (CRC) algorithms
-
lpn
Software to study attacks on the Learning Parity with Noise problem
-
mersenne_twister
Mersenne Twister pseudorandom number generator
-
homography
estimation using point and line correspondences
-
broccoli-rayon
broadphase collision detection algorithms
-
crc32-aixm-fast
SIMD-powered implementation of CRC-32/AIXM (CRC-32Q)
-
crc16-spifujitsu-fast
SIMD-powered implementation of CRC-16/SPI-FUJITSU (CRC-16/AUG-CCITT)
-
intersect2d
Line segment intersection detection
-
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
-
subproductdomain-nucypher-temp2
Implements subproduct domain algorithm
-
rust-numerals
converting
i64
integers into their cardinal string format -
fxhash
A fast, non-secure, hashing algorithm derived from an internal hasher used in FireFox and Rustc
-
ebene
A unique search technology
-
Algod
Many types of rust algorithms and data-structures
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
bool-utils
functions for working with boolean values
-
cuv
Compressed unit vectors that can be used to store things like normal vectors efficiently
-
jisp_sha2
SHA-2 algorithm and its variations for a personal project
-
binary-search
General binary search implementation
-
entro-hash
Entro Hash is a 32-bit, non-cryptographic hashing algorithm
-
farmhash-sys
Rust FFI bindings for a minimal implementation of Google's FarmHash hashing algorithms
-
m4ri-sys
Bindings to m4ri
-
fugue-bytes
A binary analysis framework written in Rust
-
simple_search
searching objects
-
lapjv
Linear Assignmment Problem solve using Jonker-Volgenant algorithm
-
bitap
in rust
-
clingo-sys
Raw FFI bindings to the C API of the clingo library
-
satif
SAT solver interface
-
highs-sys
Rust binding for the HiGHS linear programming solver. See http://highs.dev.
-
morton
space filling curve functions
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
lgeo
2D Geometry library, focusing on collision computation
-
sprs-rand
Random sparse matrix generation
-
linxal
Linear Algebra package with rust-ndarray interface
-
input_conv
A basic stdio extension to automatically translate basic inputs to a given type
-
fxtypemap
A fast type map based on internal hasher used in Firefox and Rustc
-
parametrics
working with parametric functions
-
multidimension
High-level manipulation of multi-dimensional arrays
-
idmap
Efficient maps of integer id keys to values, backed by an underlying
Vec
-
shash
An arbitrary-length-input hash function for competitive programming and experimental purposes
-
math
A math library
-
ripple
General-purpose DSP data structures and algorithms
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
galapagos
evolutionary solver
-
fux_kdtree
K-dimensional tree implemented in Rust for fast NN querying
-
rkm
A generic k-means implementation
-
bit-list
A lazy list of bits
-
iter-group
grouping (key,value) iterators into maps of collections
-
integer-hasher
std::hash::Hasher
which does not hash at all -
masker
Mask patterns in data
-
fmttools
Tools for modifying text without allocating any intermediate buffers or unsafe code
-
based64
BASE64 implementation for chads
-
metaphysics
Generic extendable first-order differential equation solver
-
dft
The package provides an algorithm to compute the discrete Fourier transform
-
stream-more
Stream utilities for Rust
-
imohash
Fast hashing for large files
-
xorwowgen
Several implementations of the Xorwow algorithm
-
fenris-sparse
Sparse matrix functionality for fenris
-
fhex
providing the ToHex trait for converting floating-point numbers to hexadecimal
-
topset
Top N selector
-
linearalgebra
Test project to learn Rust and implement a small library for linear algebra
-
building_blocks_partition
Acceleration structures for spatial queries on voxel data
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
floating-distance
Measure distance between floating-point vectors in Rust
-
type_constructor
Fundamental data types and type constructors, like Single, Pair, Many
-
numeric
N-dimensional matrix class for Rust
-
sortby
adds convenient sort functions for Iterators
-
rusty_algo
Implementations of algorithms from 'Introduction to Algorithms' by Cormen et al
-
luhn_tools
A fast, minimal implementation of the Luhn algorithm
-
darwin-rs
Evolutionary algorithms library written in Rust