-
rand
Random number generators and other randomness functionality
-
fastrand
fast random number generator
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
crc
support of various standards
-
twox-hash
XXHash and XXH3 algorithms
-
rustc-hash
A speedy, non-cryptographic hashing algorithm used by rustc
-
crypto-bigint
Pure Rust implementation of a big integer library which has been designed from the ground-up for use in cryptographic applications. Provides constant-time, no_std-friendly implementations…
-
xxhash-rust
xxhash
-
rustfft
High-performance FFT library written in pure Rust
-
ahash
A non-cryptographic hash function using AES-NI for high performance
-
fnv
Fowler–Noll–Vo hash function
-
stacker
A stack growth library useful when implementing deeply recursive algorithms that may accidentally blow the stack
-
noise
Procedural noise generation library
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
rstar
An R*-tree spatial index
-
siphasher
SipHash-2-4, SipHash-1-3 and 128-bit variants in pure Rust
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
ff
building and interfacing with finite fields
-
wildmatch
string matching with single- and multi-character wildcard operator
-
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.
-
kiddo
A high-performance, flexible, ergonomic k-d tree library. Ideal for geo- and astro- nearest-neighbour and k-nearest-neighbor queries
-
oorandom
A tiny, robust PRNG implementation
-
pathfinding
flow, and graph algorithms
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
stringprep
algorithm
-
oci-spec
Open Container Initiative Specifictions in Rust
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
uint
Large fixed-size integer arithmetic
-
strength_reduce
Faster integer division and modulus operations
-
robust
adaptive floating-point predicates for computational geometry
-
yada
double-array trie library aiming for fast search and compact data representation
-
gcd
Calculate the greatest common divisor
-
topological-sort
Performs topological sorting
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
task-local-extensions
Task-local container for arbitrary data
-
rand_jitter
Random number generator based on timing jitter
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
gix-filter
gitoxide project implementing git filters
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
murmur3
hash
-
levenshtein
algorithm
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
microfft
Embedded-friendly Fast Fourier Transforms
-
buffer-redux
Drop-in replacements for buffered I/O in
std::io
with extra features -
medians
Median, Statistical Measures, Mathematics, Statistics
-
treediff
Find the difference between arbitrary data structures
-
nucleo
plug and play high performance fuzzy matcher
-
special
The package provides special functions
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
reed-solomon-novelpoly
reed solomon code / encoder / decoder with complexity
O(n lg(n))
-
fastcdc
(content defined chunking) in pure Rust
-
slice-group-by
Iterators over groups in slices and strs
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
streaming-iterator
Streaming iterators
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
textdistance
Lots of algorithms to compare how similar two sequences are
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
GSL
binding for the GSL (the GNU scientific library)
-
arrow-cast
Cast kernel and utilities for Apache Arrow
-
z3
High-level rust bindings for the Z3 SMT solver from Microsoft Research
-
graph
high-performant graph algorithms
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
genetic_algorithm
A genetic algorithm implementation
-
rust-stemmers
some popular snowball stemming algorithms
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
moc
made to create and manipulate HEALPix Multi-Order Coverages maps (MOCs), see https://ivoa.net/documents/MOC/
-
adler
clean-room implementation of the Adler-32 checksum
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
arma-rs
Arma 3 Extensions in Rust
-
chalk-recursive
Recursive solver for the Chalk project
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
transpose
transposing multi-dimensional data
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
daachorse
Double-Array Aho-Corasick
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
mergable
user-friendly and efficient CRDTs
-
ddo
generic and efficient framework for MDD-based optimization
-
raft
language implementation of Raft algorithm
-
arrow-ord
Ordering kernels for arrow arrays
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
kd-tree
k-dimensional tree
-
varpro
A straightforward nonlinear least-squares fitting library which uses the Variable Projection algorithm
-
biodiff
Compare binary files using sequence alignment
-
crossterm_winapi
WinAPI wrapper that provides some basic simple abstractions around common WinAPI calls
-
rand_mt
Reference Mersenne Twister random number generators
-
rand_regex
Generates random strings and byte strings matching a regex
-
reblessive
A small runtime for running deeply nested recursive functions
-
timsort
modified MergeSort used in Python and Java
-
shapefile
Read & Write shapefiles in Rust
-
fractional_index
fractional indexing
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
glass_pumpkin
A cryptographically secure prime number generator based on rust's own num-bigint and num-integer
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
easy-smt
Easily interact with an smt solver as a subprocess
-
genetic_algorithms
solving genetic algorithm problems
-
k
kinematics
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
tailcall
Safe, zero-cost tail recursion
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
incremental
computations, based on Jane Street's incremental
-
chalk-engine
Core trait engine from Chalk project
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
reactive_graph
A fine-grained reactive graph for building user interfaces
-
dusk-poseidon
Poseidon hash algorithm over the Bls12-381 Scalar field
-
blurhash
A pure Rust implementation of blurhash
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
unit-conversions
Various units of measurement conversions
-
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
-
libcprover_rust
Rust API for CBMC and assorted CProver tools
-
jubjub
elliptic curve group
-
orx-priority-queue
Priority queue traits and high performance d-ary heap implementations
-
dec
A decimal arithmetic library providing high-level, safe bindings to libdecnumber
-
idsp
DSP algorithms for embedded, mostly integer math
-
naive_opt
The optimized naive string-search algorithm
-
levenberg-marquardt
algorithm built on top of nalgebra
-
dive-deco
A dive decompression models library (Buehlmann ZH-L 16C)
-
gxhash
non-cryptographic algorithm
-
t1ha
T1AH (Fast Positive Hash) hash function
-
rs-wordle-solver
solving Wordle-style puzzles. It provides multiple guessing algorithms, as well as building blocks for implementing your own Wordle solving algorithms.
-
distances
Fast and generic distance functions for high-dimensional data
-
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…
-
glissade
that provides various utilities for animations and transitions
-
primes
A package for calculating primes using the Sieve of Eratosthenes, and using that to check if a number is prime and calculating factors. Includes an iterator over all primes.
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
rand_chacha
ChaCha random number generator
-
byteyarn
hyper-compact strings
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
ids_service
that allows to generate unique Ids
-
cdshealpix
HEALPix tesselation
-
accurate
(more or less) accurate floating point algorithms
-
probminhash
Minhash algorithms for weighted Jaccard index
-
quantiles
a collection of approximate quantile algorithms
-
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.
-
census
Keeps an inventory of living objects
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
cam-geom
Geometric models of cameras for photogrammetry
-
graaf
Work with directed graphs
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
russcip
Rust interface for SCIP
-
extendhash
Rust Hash Extender
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
cap-rand
Capability-based random number generators
-
murmurhash32
murmurhash32_2
-
advent-of-code
Solutions to Advent of Code
-
turborand
Fast random number generators
-
arpfloat
Arbitrary-precision floating point library
-
av-metrics
A collection of algorithms for measuring audio/video metrics
-
ran
fast random numbers generation
-
diff-match-patch-rs
A high-performance port of Myer's diff algorithm to perform the operations required for synchronizing plain text
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
fuzzy-muff
Fuzzy Matching Library
-
crc64fast
SIMD accelerated CRC64 calculation
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
polylog
polylogarithms
-
gcra
A basic implementation of GCRA algorithm for rate limiting
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
hmac-sha1
wrapper around the RustCrypto hmac and sha1 crates for simple HMAC-SHA1 generation
-
dbsp
Continuous streaming analytics engine
-
clone_dyn
Derive to clone dyn structures
-
itermore
🤸♀️ More iterator adaptors
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
macro-machines
State machine macros with logging and graphviz DOT file generation
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
triple_accel
Rust edit distance routines accelerated using SIMD. Supports fast Hamming, Levenshtein, restricted Damerau-Levenshtein, etc. distance calculations and string search.
-
broccoli
broadphase collision detection algorithms
-
adler32
Minimal Adler32 implementation for Rust
-
float_next_after
A trait for native rust f64/f32 nextafter
-
rex-sm
Hierarchical state machine
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
nozomi
Equivalent of the Linux shred command but in rust and library. Allows you to securely erase data from a hard drive.
-
interval_adapter
Interval adapter for both open/closed implementations of intervals ( ranges )
-
differential-dataflow
An incremental data-parallel dataflow platform
-
dilate
A compact, high performance integer dilation library for Rust
-
easyfft
providing an easy FFT API for arrays and slices
-
adler2
clean-room implementation of the Adler-32 checksum
-
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.
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
optirustic
A multi-objective optimisation framework for Rust
-
clingo
Rust idiomatic bindings to the clingo library
-
bevy_math
math functionality for Bevy Engine
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
opensimplex2
Port of OpenSimplex2
-
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
d3_geo_voronoi_rs
A port into rustlang of the javascript library d3-geo-voronoi
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
cubecl
Multi-platform high-performance compute language extension for Rust
-
smolprng
A Small and Extensible PRNG written in Rust
-
random_word
Efficient functions for generating random words in many languages
-
iroh-blobs
blob and collection transfer support for iroh
-
probability
The package provides a probability-theory toolbox
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
cubecl-linalg
CubeCL Linear Algebra Library
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
mhgl
Matts HyperGraph Library (MHGL). A straightforward library for hypergraph datastructures.
-
cryptocol
cryptographic library that includes big number arithmatic operation, hash algorithms, symmetric-key cryptographic encryption/decryption algorithms, asymmetric-key (public-key) cryptographic…
-
romu
A pseudo random number generator using the Romu algorithm
-
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.
-
volute
Boolean functions implementation, represented as lookup tables (LUT) or sum-of-products (SOP)
-
xxhrs
Safe XXHash and XXH3 bindings
-
atomic-traits
The traits for generic atomic operations
-
pasture-algorithms
Point cloud algorithms for pasture
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
general-sam
A general suffix automaton implementation in Rust
-
quad-rand
Pseudo random implementation with std atomics
-
color_space
converting between color spaces and comparing colors
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
nlopt
Wrapper for the nlopt library
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
dogear
merging bookmark trees
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
axgeom
that provides ability to extract 1d ranges out of 2d objects
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
swift_vec
A convenient and comfortable vector maths crate that supports 2D, 3D, and 4D matrices and vectors - along with additional scalar math
-
scalarff
A minimal, opinionated, library for working with scalar finite fields
-
tau-engine
A document tagging library
-
vortex-array
Vortex in memory columnar data format
-
zeros
-
bm25
BM25 embedder and search engine
-
hyperloglogplus
HyperLogLog implementations
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
dotlr
An LR(1) parser generator and visualizer created for educational purposes
-
yara-x-parser
A parsing library for YARA rules
-
geo-clipper
Boolean operations on polygons
-
gix-revwalk
providing utilities for walking the revision graph
-
ckey
consistent hash key library
-
autour_core
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
hypertwobits
cardinality estimation algorithm
-
iron-shapes
Basic data types and routines for computational geometry focused on VLSI chip design
-
pharmsol
solving analytic and ode-defined pharmacometric models
-
strs_tools
Tools to manipulate strings
-
meos
Rust bindings for MEOS C API
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
localsearch
Local Search based Metaheuristics
-
pyin
pYIN pitch detection algorithm written in Rust
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
liba
An algorithm library based on C/C++
-
timberio/file-source
A high-performance observability data pipeline
-
rust-sugiyama
Sugiyama's algorithm to calculate coordinates of a directed graph
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
startin
A Delaunay triangulator for terrains
-
udigest
Unambiguously digest structured data
-
rollgrid
pseudo-infinite open worlds
-
poi
A pragmatic point-free theorem prover assistant
-
convolve2d
Easy and extensible pure rust image convolutions
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
sulid
unique ID generation algorithm that combines the benefits of ULID and Snowflake
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
kendalls
Kendall's tau rank correlation
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
bevy_lookup_curve
Editable lookup curve for Bevy
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
ognlib
Some code that is written to practice Rust
-
fastlem
generating procedural terrains based on simplified landscape evolution model (LEM)
-
rufl
A powerful util function library for rust
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
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'
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
feruca
Unicode Collation Algorithm
-
louvre
A Robust Triangulation Algorigthm
-
counting_sort
Counting sort implementation for Iterators
-
natord
Natural ordering for Rust
-
dmsort
Fast adaptive sorting for when most of your data is already in order. dmsort can be 2-5 times faster than Rust's default sort when more than 80% of the elements are already in order
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
xentrace-parser
A XenTrace files parser with a study purpose
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
opis
rational number and matrix arithmetic
-
shared-buffer
An abstraction over buffers backed by memory-mapped files or bytes in memory
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
arrow-string
String kernels for arrow arrays
-
rhai-sci
Scientific computing in the Rhai scripting language
-
graph_process_manager_loggers
Generic loggers for graph_process_manager_core
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
pm-remez
Parks-McClellan Remez FIR design algorithm
-
rands
Random number generators and other randomness functionality
-
linestring
line string toolbox
-
fuzzy_prefix_search
Fuzzy search for prefix matches
-
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…
-
edfsm
Event Driven Finite State Machine library
-
flo_binding
Declarative binding library for Rust
-
vecmath
type agnostic library for vector math designed for reexporting
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
easer
Tiny library imlementing Robert Penner's easing functions
-
ahrs
port of Madgwick's AHRS algorithm
-
breakout
detection for Rust
-
random
The package provides sources of randomness
-
flat_spatial
Flat spatial partitionning algorithms and data structures
-
bool_vec
A crates that exposes a vector called BoolVec which allows you to store a boolean in a single bit
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
interp
Matlab's interp1 function
-
easing-function
easing functions for animation tweening
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
libmf
Large-scale sparse matrix factorization for Rust
-
augrim
consensus algorithms implemented in Rust
-
rugraph
undirected, directed and multidirected graph library
-
random-nickname2
用于Rust的随机用户昵称生成器
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
board-game
A board game abstraction and generic utilities around it
-
rithm
Arbitrary precision arithmetic
-
stringmetrics
approximate string matching
-
syntree_layout
visualize trees from the 'syntree' crate
-
ext-sort
rust external sort algorithm implementation
-
suggest
A minimal library to provide similar name suggestions like "Did you mean?"
-
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.
-
modular-decomposition
computing the modular decomposition of a graph
-
stupid_utils
that provides some simple and maybe stupid or useful tools
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
partial_sort
version of std::partial_sort
-
extsort-iter
external sorting for all types for all iterators
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
kak-tabs
kakoune tabs
-
lilt
dependency free library for running interruptable, transition based animations as a function of time
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
tifloats
Speedy, accurate emulation of TI-Floats
-
rmqtt-raft
raft framework, for regular people
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
rake
Rapid Automatic Keyword Extraction (RAKE) algorithm
-
bit-cursor
A cursor that supports bit-level reads and writes
-
futf
Handling fragments of UTF-8
-
fenex
parsing and handling FEN and algebraic chess notations
-
small_len
A small library for storing the length in the smallest internal type
-
async-rate-limiter
Implements a token bucket algorithm that can be used to limit API access frequency. Written in pure Rust.
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
regex-filtered
Efficiently check an input against a large number of patterns
-
everything-sdk
An ergonomic Everything(voidtools) SDK wrapper in Rust. (Supports async and raw sdk functions)
-
elipdotter
Embeddable full text search engine
-
is_sorted
Iterator sorted?
-
satkit
Satellite Toolkit
-
bit-matrix
bit matrices and vectors
-
oxidd-rules-tdd
Ternary decision diagrams (TDDs) for OxiDD
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
syunit
A small library that contains some basic units to help structuring kinematics and robotic programming in rust
-
sefar
evolutionary optimization algorithms
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
mot-rs
Dead simple multi object tracking in Rust
-
ramp
A high-performance multiple-precision arithmetic library
-
biscuit-converter
A decimal ASCII parser
-
bridgestan
Rust interface for BridgeStan
-
travelling_salesman
Travelling Salesman Problem Solvers
-
clubcard
exact membership query filter for static sets
-
topopt
Topology optimization in pure Rust, based on 99 lines of MATLAB
-
list_math
doing math on a list including average, smallest, largest, and standard deviation
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
colorimetry
color modeling with JavaScript/WASM interfaces
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
english-to-cron
converts natural language into cron expressions
-
qrc
generating and manipulating QR code images in various formats
-
smtlib
A high-level API for interacting with SMT solvers
-
tauri-plugin-keygen-rs
Tauri plugin for Keygen.sh licensing, based on keygen-rs
-
static_aabb2d_index
Fast static spatial index data structure for 2D axis aligned bounding boxes
-
setsum
order-agnostic checksum
-
rand_hc
HC128 random number generator
-
rusty_oge
Библиотека, решающая задачки из ОГЭ по информатике
-
pcg_rand
PCG family of random number generators in pure Rust
-
hyperloglog
in Rust
-
unarray
working with uninitialized arrays
-
windmouse-rs
windmouse
-
multistochgrad
Stochastic Gradient, Multithreaded
-
random-pick
Pick an element from a slice randomly by given weights
-
wcs
FITS World Coordinate System (WCS)
-
ratel_bandit
Muti-armed Bandit Simulator
-
fluent_data
A low footprint streaming data modelization library and service
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
bitwuzla-sys
Low-level bindings for the Bitwuzla SMT solver
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
lace_cc
Core of the Lace cross-categorization engine library
-
crfmnes
CR-FM-NES (Cost-Reduction Fast Moving Natural Evolution Strategy Optimiser) implemented via nalgebra
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
markov_namegen
Random text generators based on Markov models
-
puan-rust
Puan package contain tools for defining logic relationships among linear inequalities and reduction algorithms
-
cobyla
optimizer for Rust
-
permutation
Small utility for creating, manipulating, and applying permutations
-
nu_plugin_hashes
A Nushell plugin that adds 61 cryptographic hash functions from Hashes project
-
bs
bitset with small-set (single-word) optimization
-
algorithmica
Rust Algorithms
-
dcc-lsystem
Lindenmayer system together with some rendering tools
-
chrf
algorithm
-
spiral
Iterate over a 2D structure in a spiral pattern
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
dmp
A high-performance library in that manipulates plain text
-
shakemyleg
state machine definition language and interpreter
-
prime-checker
hold sample functions to check the prime-ness of a given unsigned, 64-bit integer
-
rmpfit
Pure Rust implementation of the CMPFIT library
-
autodiff
An automatic differentiation library
-
hex2d
Helper library for working with 2d hex-grid maps
-
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…
-
nine_patch_drawable
core functionality to read nine patch bitmaps defined in Android NinePatch drawables and algorithms to scale them
-
gcollections
Generic traits over Rust collections library
-
office-to-pdf
Convert office files to pdf files
-
mur3
language implementation of MurmurHash3
-
lophat
Lockfree Persistent Homology Algorithm Toolbox
-
chksum-hash
hash algorithms for batch and stream computation
-
f3l_segmentation
3D Point Cloud Library
-
integer-sqrt
integer square root algorithm for primitive rust types
-
firestore-structured-query
A Firestore StructuredQuery builder
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
fixed32-math
Geometric types
-
battleship_bot
The game of battleship and a few bot implementations
-
hostlist-parser
Parses hostlist expressions into a Vec of Strings
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
blake2b-ref
A
no_std
BLAKE2B implementation -
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
brzozowski
Work with regular expressions using Brzozowski derivatives. "
-
punkt
sentence tokenizer
-
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…
-
hexagonal_pathfinding_astar
A-Star pathfinding algorithm tailored for traversing a bespoke collection of weighted hexagons
-
timely
A low-latency data-parallel dataflow system in Rust
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
diffs
A number of diff algorithms, also called longest common subsequence
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
iter-tree
Convert between iterators and tree structures in both directions
-
nonbox
NaN boxing without boxing
-
pokers
Rust Poker Library
-
radiate
Parallel genetic programming engine capable of evolving solutions for supervised, unsupervised, and general reinforcement learning problems
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
punkt_n
Punkt sentence tokenizer
-
rust_cascade
bloom filter cascade implementation in Rust
-
is-tree
Everything is a tree
-
singlevec
Vec-like container optimized for storing only a single item
-
ceres-solver
Safe Rust bindings for the Ceres Solver
-
strprox
Top-k string autocompletion
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
arithmetify
arithmetic coding
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
ratio-color
Ratio's color palette management in Rust, built on 'palette' and 'enterpolation'
-
cdchunking
Content-defined chunking
-
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.
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
fuse-rust
Fuse is a super lightweight library which provides a simple way to do fuzzy searching. Fuse-Rust is a port of Fuse-Swift, written purely in rust
-
autom
Automaton
-
cryptify
A procedural macro library to obfuscate Rust code. Provides compile-time string encryption and random flow obfuscation.
-
multistream-batch
Implementations of batching algorithms
-
twofloat
Double-double arithmetic functionality
-
wave-function-collapse
Converts nodes and their restrictions into a collapsed node state based on the selected algorithm
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
knossos
generating and rendering mazes
-
editdistancek
Fast algorithm for computing edit distance
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
median-accumulator
fast, space-efficient, generic accumulator for computing median
-
geometry-predicates
port of robust geometric predicates
-
funspace
N-dimensional function spaces and transforms
-
arrow-data
Array data abstractions for Apache Arrow
-
anyrust
any rust
-
flexihash
Consistent hashing following the API and compatible with flexihash-php and flexihash-py
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
voro_rs
binding for voro++ library
-
noise-functions
Fast and lightweight noise functions
-
undo_stack
A minimal undo stack for user defined types
-
rspp
rust probolistic programming
-
del-ls
sparse solver library for research prototyping
-
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…
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
data_storage_units
Unit converter for rust language
-
convert-base
convert the radix (base) of digits stored in a vector
-
jopemachine-raft
language implementation of Raft algorithm
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
small-fsm
Finite State Machine for Rust
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
embed-nu
Embed the nu engine in your rust application
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
iron-shapes-booleanop
Boolean operations on polygons for iron-shapes
-
ufotofu_queues
Infallible queues that support bulk enqueueing and dequeueing
-
lerp
Generic linear interpolation and extrapolation, automatically implemented for a variety of numeric types
-
treeculler
help with frustum culling
-
svdlibrs
port of LAS2 from SVDLIBC
-
microcli
Bunch of random unrelated CLI tools
-
keyphrases
Rapid Automatic Keyword Extraction (RAKE) implementation in Rust
-
perchance
Very simple random number generation optimized for ease of use
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
polyline-ffi
FFI bindings for the polyline crate
-
cvt
Expose the cvt function from Rust libstd
-
unm_selector
The algorithm for UnblockNeteaseMusic, determining what Song to return
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
wintab_lite
Read pen tablet pressure with these lightly oxidized wintab bindings
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
vrp-scientific
An extension logic for solving scientific VRP
-
boomphf
Scalable and Efficient Minimal Perfect Hash Functions
-
mathml-core
MathML type definitions
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
aob
String searching with wildcards
-
simple_accumulator
accumulator for incremental statistical computations
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
sudoku-solver
backtracking algorithm for solving sudoku
-
rand_aes
AES based pseudo-random number generator
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
line-col
Convert string slice indices into line/column numbers
-
ms2
that replicates the ms package from TypeScript for Rust
-
satsnet_hashes
Hash functions used by the rust-bitcoin eccosystem
-
iter-group
grouping (key,value) iterators into maps of collections
-
sepax2d
A safe crate for finding and resolving collisions of 2D convex shapes using the Separating Axis Theorem
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
alpha-counter
Alphabetic counter
-
randomize
Randomization routines
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
integraal
Integral computation, done in Rust!
-
portmatching
Fast Graph Matching for Port Graphs
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
swimos_recon
SwimOS Recon
-
general_stable_vec
A Vec implementation with stable indices
-
ordq
Order keeping job processing queue
-
faer_gmres
GMRES implementation using faer
-
rand_pcg
Selected PCG random number generators
-
algebraics
algebraic numbers library
-
bnb
A generic template for Branch & Bound algorithms
-
lol-core
A Raft implementation in Rust language
-
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
ainconv
Converts Ainu words between different scripts (Katakana, Latin, Cyrillic)
-
u4
nibble (4-bit integer) library, with packed representations
-
rand_core
Core random number generator traits and tools for implementation
-
qptrie
A QP-Trie implementation for Rust
-
kzg-commitment
perform KZG polynomial commitment scheme
-
social_tournament
Libray to create a social double or single tournament
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
ggstd
Partial implementation of Go standard library
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
glidesort
sorting algorithm
-
inter-val
Mathematical intervals, i.g., [a, b], (a, b), [a, b), and (a, b] on ℝ, and multi-dimensional axis-aligned boxes represented as Cartesian product of intervals
-
wiiu_swizzle
Wii U texture memory tiling
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
re_analytics
Rerun's analytics SDK
-
materialized-view
incremental materialized views for the masses
-
iceyee_random
Random
-
natural
Pure rust library for natural language processing
-
augurs-changepoint
Changepoint detection using Bayesian Online Change Point Detection and more
-
geo-core
Common tools for working with spatial data
-
monument
A fast and flexible composition generator
-
stara
A* Search Algorithm
-
product-os-command-control
Product OS : Command and Control provides a set of tools for running command and control across a distributed set of Product OS : Servers
-
osqp
(Operator Splitting Quadratic Program) solver
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
rev_bits
reverses bits in a specified range
-
spenso
A tensor (n-dim array) network, iterating, and contraction (using automatic abstract index matching) library
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
pinned-deque
A fine-tuned double-ended queue, inspired by BOOST deque. Every element in this deque are pinned until their popping and dropping
-
haru_cmaes
CMA-ES optimization algorithm implementation based on Hansen's purecma Python implementation
-
rustronomy-watershed
a pure-rust implementation of the segmenting and merging watershed algorithms
-
lazyrand
generating random numbers easily
-
guid-create
Rust helper for creating GUIDs
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
ms_toollib
Algorithms for Minesweeper
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
buldak
that provides various sorting functions
-
sparse_matrix
do linear algebra with sparse matrix
-
to_method
micro-crate for using Into more ergonomically
-
yamcts
Monte Carlo Tree Search
-
eta-graph
Low overhead graph library focused on performance
-
fmttools
Tools for modifying text without allocating any intermediate buffers or unsafe code
-
sample-std
Sampler definitions and implementations for st
-
rs-graph
graph algorithms and combinatorial optimization
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
hashring
A minimal implementation of consistent hashing
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
re_arrow2
Unofficial implementation of Apache Arrow spec in safe Rust
-
nphysics_testbed2d
Testbed for the 2-dimensional physics engine in Rust
-
oxydized-money
providing data types to manipulate amounts of money in specific currencies and convert amounts between then
-
multibody_dynamics
Multibody dynamics algorithms in Rust
-
image_dds__patch
Convert images to and from compressed DDS formats
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
bit-list
A lazy list of bits
-
statig
Hierarchical state machines for designing event-driven systems
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
cygv
Compute GV and GW invariants of CY manifolds
-
sparta
software components specially designed for building high-performance static analyzers based on the theory of Abstract Interpretation
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
graphlib_rust
Dagre's Graphlib implementation in Rust
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
numext-fixed-uint
Fixed-size uint types
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
winconsole
A wrapper for console-related functions in the Windows API
-
pagat
that helps you split the bill
-
hexdump
Easy hexdump to stdout or as an iterator
-
maxpre
Rust bindings for the (MO-)MaxSAT preprocessor MaxPre
-
num-notation
Offers multiple numeric choices, allowing you to work with various number representations including StandardForm, fractions, and f64 floating-point decimals. This versatile crate empowers…
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
rcgal
Rust Computational Geometry Algorithms Library
-
sn-merkle-trie
Minimal starknet merkle patricia trie implementation
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
polyeval
Evaluate polynomials
-
const_ranged_int
Ranged constant integers. Useful for lookup tables with constrained values to avoid secondary bounds check.
-
os-query-builder-rs
Open Search query builder
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
kermit-kvs
Key-value stores used in Kermit
-
tlsh2
TLSH algorithm
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
easy_color
A very simple and easy-to-use color conversion tool
-
actionable
An enum-based async framework for building permission-driven APIs
-
partition
slices in-place by a predicate
-
dtw_rs_band_fork
Fork of Dynamic Time Warping Library for Rust
-
weighted-rs
A libray for weighted balancing algorithm
-
tree_traversal
Find best leaf node in a tree
-
dlt
DLT (direct linear transform) algorithm for camera calibration
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
screwsat
condlict driven clause learning sat solver
-
itermaps
Implement commonly used combinations of
Iterator::map
-
kmeans
Small and fast library for k-means clustering calculations
-
fast-tlsh
generate / parse / compare TLSH locality sensitive hashes
-
ropr
A blazing fast multithreaded ROP Gadget finder. ropper / ropgadget alternative
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
html2pango
convert html to pango
-
datas
data structures and algorithms and data analisys
-
sobol
sequence generator for Rust
-
prime_bag
A bag datatype that used unsigned integers for storage
-
bandit
Algorithms 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
-
teliox
Transaction Event Log
-
cplex-sys
Low level bindings to the Cplex C-API
-
ssa-impls
common SSA algorithms
-
extprim
Extra primitive types (u128, i128)
-
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
-
var_num
Variable length number implementation that can be used as a drop in replacement for any number primitive
-
round_float
Round
f64
andf32
to specified number of decimals -
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
hasty
interface to system BLAS libraries for fast linear algebra operations
-
qtruss
finite-element solver for trusses
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
s2-tilejson
Backwards compatible JSON format for describing s2 map tilesets
-
aoc
Advent of code helpers
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
wrappinghashset
HashSet that remembers the last key it returned with its iterator and subsequently will wrap around and only return all of the keys once per call. This is useful if you want to use a set both via hashing…
-
rangelist
A representation of sets as lists of inclusive ranges
-
sss_moo
SSS Many-Objective Optimization Framework
-
rectutils
Common algorithms for rectangles (quadtree, rect packing, etc.)
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
cuid2-timeless
An unstable, barely tested, probably giving wrong output and might panic out of nowhere CUID2 implementation in Rust
-
extsort-lily
An efficient external merge sort implementation
-
entoli
A functional programming library inspired by haskell
-
sudoku_lib
Sudoku library
-
svi
a function to interpolate variables in a hashmap into a format string
-
swap3
Swapping of three references, rotating the values left or right
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
lazy_async_promise
Primitives for lazily getting data from futures with tokio for immediate mode guis
-
kaede
adalah rust library untuk operasi matematika sederhana
-
geqslib
Equation solving made easy in Rust and beyond!
-
isbn3
handling ISBNs
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
ff-group-tests-mirror
collection of sanity tests for implementors of ff/group APIs. Mirrored by sneurlax from serai for downstream crate-publishing purposes until serai publishes their crates; use the versions from serai in production…
-
sort
sort algorithms
-
nox
Tensor library that compiles to XLA (like JAX, but for Rust)
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
xyzvec
Statically allocated fixed-size vectors for working in 2 and 3 dimensions
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
eddie
Fast and well-tested implementations of edit distance/string similarity metrics: Levenshtein, Damerau-Levenshtein, Hamming, Jaro, and Jaro-Winkler
-
rs-snowflake
Rust version of the Twitter snowflake algorithm
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
arrow-buffer
Buffer abstractions for Apache Arrow
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
cloudproof_fpe
Cosmian Cloudproof FPE library
-
imohash
Fast hashing for large files
-
flx-rs
Rewrite emacs-flx in Rust for dynamic modules
-
ann_dataset
A lightweight research library for managing Approximate Nearest Neighbor search datasets
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
kratom
neural network library
-
floaters
generate floating-point numbers in various ways
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
automaton
Parse regular languages
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
lace_metadata
Archive of the metadata (savefile) formats for Lace. In charge of versioning and conversion.
-
memoesu
fast subgraph enumeration on graphs using a memoized parallel ESU algorithm
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
collision
extension to cgmath
-
german-str
small-string optimized string type with fast comparisons
-
RatRod-rs
An FEM implementation written in Rust
-
nscldaq_ringbuffer
Low level NSCLDAQ ring buffer access
-
earley-omnitool
An Earley parser engine
-
onnx-ir
parsing ONNX models
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
prepona
A graph crate with simplicity in mind
-
cint
A lean, minimal, and stable set of types for color interoperation between crates in Rust
-
tectonic_engine_spx2html
The Tectonic engine that converts SPX output to HTML
-
od_opencv
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
krakel
A lean 2d kd-tree ported from OpenCamLib
-
crfsuite
Safe wrapper of crfsuite
-
hyte
A hypothesis testing library crate for Z, T, and Pearson's Chi-squared tests
-
normalize-line-endings
Takes an iterator over chars and returns a new iterator with all line endings (\r, \n, or \r\n) as \n
-
delaunator
A very fast 2D Delaunay triangulation library
-
magic_string_search
string search library to rank strings based on their similarity to a query string
-
graph-types
Shared types for graph theory
-
entropy-base
entropy-game shared library
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
here_be_dragons
Map generator for games
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
murmurhash
MurmurHash3 implementation in Rust
-
movavg
Generic Moving Average calculation
-
lightspeed_hash
Hash functions
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
dess
Differential Equation System Solver (DESS) is a Rust crate implementing fixed-step and adaptive-step solvers and designed especially for modeling physical systems. Seven explicit ordinary differential equation (ODE)…
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
subslice
Fast subslice search
-
mini-rx
bare-bones "reactive programming" (change propogation) using a central data dependency graph
-
ring-log
High-performance logger with lock-free ring buffer
-
frand
Blazingly fast random number generation library
-
minimax
Generic implementations of Minimax
-
superslice
Extensions for slices
-
median
efficient O(n) median filter
-
redux-rs
Redux
-
lsmtk
log-structured-merge-graph
-
impls_index
Several of macros to put each function under a named macro to index every function in a class
-
varstack
A call-stack based singly-linked list
-
block-mesh
Fast algorithms for generating voxel block meshes from arrays
-
jgd
Transform geodetic datums used in Japan
-
simple-easing
Set of simple easing functions
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
luhn
validation library
-
pubgrub
version solving algorithm
-
unix-crypt
Rust reimplementation of various unix crypt(3) algorithms
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
faer-sparse
Basic linear algebra routines
-
redfa
Regular expression derivatives for creating DFAs
-
discrete
Combinatorial phantom types for discrete mathematics
-
narr
Numeric Calc
-
argentum_game_coordinate_system
Argentum: Coordinate System
-
number-encoding
Combinatorial and factorial number systems
-
derivative_pricer
providing pricers for various options in a Black-Scholes setting
-
poisson_reconstruction
Screened Poisson Reconstruction algorithm in Rust
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
rusty_algo
Implementations of algorithms from 'Introduction to Algorithms' by Cormen et al
-
uuid-by-string
Generating uuid-hash from string
-
ecdna-lib
The ecDNA distribution for the evolutionary of extra-chromosomal DNA (ecDNA)
-
selmr
Package to create and use Simple Explainable Language Multiset Representations
-
toodee
A lightweight 2D wrapper around a Vec
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
density-mesh-core
Core module for density mesh generator
-
rehexed
Adjacency lists for hexasphere's icospheres
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
gix-negotiate
gitoxide project implementing negotiation algorithms
-
power_flow_data
RAW power flow data file parser
-
ssri
Various utilities for handling Subresource Integrity
-
colorhash
A hashing function to convert text strings into colors
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
count-min-sketch
Count-min-sketch implementation
-
UUID_extend
Extension of uuid generation based on snowflake algorithm and implementation of ID to string conversion
-
lcs_rs
longest common subsequence
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
algx
Knuth's Algorithm X
-
sorting_lib
lib implementing sort algorithm?
-
oxidd-reorder
Reordering algorithms for OxiDD
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
automata-like-programming
that provides mechanisms for controlling the flow of execution in imitation of an automaton
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
dawg
Directed Acyclic Word Graph
-
schnapsen-rs
Schnapsen implementation in Rust
-
bool-toggle
bool toggling for the bool toggle enjoyers
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
net_promoter_score
calculating Net Promoter Score (NPS) from survey responses
-
stb_rect_pack
Wrapper over stb_rect_pack_sys, offering a cleaner abstraction than the bindgen generated interface
-
simple_search
searching objects
-
easylazy
Easy lazy initialization of variables
-
nu_plugin_str_similarity
a nushell plugin called str_similarity
-
oca-dag-semantics
OCA DAG
-
metrohash
high quality, high performance hash algorithm
-
wfc
Generate images using Wave Function Collapse
-
netsblox-stateflow
extracting state machines from NetsBlox code
-
dioxus-lazy
Async list components for Dioxus
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
fast-boolean-anf-transform
Fast implementation of the boolean Algebraic Normal Form (ANF) transform
-
varisat
A CDCL based SAT solver (library)
-
causal-hub
A hub for Causal Data Science
-
poisson-diskus
Poisson disk distribution sampling
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
based64
BASE64 implementation for chads
-
quadtree-f32
dependency-free ID-based quadtree
-
md2_digest
A 0 dependency, no_std library for generating md2 digests
-
magiclist
List with O(log n) random access, insertion, splitting, and merging
-
powerboxesrs
functions to manipulate and compute metrics on boxes
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
lockfree-ringbuffer
A lock-free ring buffer implementation in Rust
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
whittaker-eilers
A sparse matrix implementation of Whittaker-Eilers smoothing and interpolation
-
key-vec
Vec of key-value pairs sorted by key
-
powers-pf
Power flow algorithms
-
out
fast min and max functionality for collections
-
phi-detector
Phi Accrual Failure Detector
-
aviation-calculator
Useful calculations for aviators
-
fast-math
Fast, approximate versions of mathematical functions
-
rs_algo
Common sorting algorithms and other common computer science algorithms
-
baiser
Curves manipulation library
-
fibonacci-numbers
The 59th Fibonacci number
-
pi_orca
A* Path Finding Algorithm
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
rust-constraint
constraint satisfaction problem (CSPs)
-
arcos-kdl
ARCOS-Lab Kinematics and Dynamics Library
-
dominoes_oma
generation of domino sequences and puzzles using Optimization Methods and Algorithms (OMA)
-
fixed32
Fixed Point types
-
ac-library-rs
port of AtCoder Library (ACL)
-
fft2d
Fourier transform for 2D data such as images
-
entro-spin
Entro Spin is a 64-bit, true-random number generator algorithm
-
gplu
Sparse LU factorization with partial pivoting
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
catclustering
Agglomerative Clustering For Categorical Data
-
number-based
attempt of mine to make working with number bases simple
-
state_machine_parser
The parser based on state machine generated by EBNF rules
-
poorentropy
Low-quality entropy generator for
no_std
crates -
xorfilter-rs
Xor Filters: Faster and Smaller Than Bloom and Cuckoo Filters
-
apt-edsp
data model of the APT External Dependency Solver Protocol
-
micro_ndarray
Very small multi-dimensional-array implementation
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
data_units
Data unit converter
-
line_2d
Bresenham's line algorithm as a rust iterator
-
kette
Iterator tools
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
bazbandilo
A chaotic communications simulator
-
autour_process
AUTOmata Utilities and Representation (AUTOUR) is a small toolbox to experiment with various kinds of automata and draw them
-
nblast
neurite similarity algorithm
-
rust-3d
2D/3D library written in rust
-
groestlcoin_hashes
Hash functions used by the rust-groestlcoin eccosystem
-
dexalt-lib
Dexalt Library
-
quasirandom
number generation
-
pingora-limits
rate limiting and event frequency estimation
-
dora-arrow-convert
dora
goal is to be a low latency, composable, and distributed data flow -
ilog
Base 10 and 2 logarithm functions for integer types
-
numbers_rus
flexible library for working with numbers that aims to be useful, fast, and practical. Modular structure makes it easy to use only the parts you need, and the library is designed to be extensible…
-
worley-noise
Worley noise implementation
-
swf-fixed
SWF fixed-point numbers for Rust
-
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
-
simplerandom
pseudo-random number generators
-
loan_ec
providing loan level EC measures
-
kanaria
functions such as hiragana, katakana, half-width and full-width mutual conversion and discrimination
-
hora
Hora Search Everywhere
-
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.
-
decimal-wad
Math for preserving precision floats up to 18 decimal places
-
s_nor
A Very Simple To Use Encryption Algorithm * Not Ment For Professional Use
-
crczoo
CRC Zoo: A collection of Cyclic Redundancy Check (CRC) algorithms
-
acap
As Close As Possible — nearest neighbor search in Rust
-
relp-num
Number types for the relp crate
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
Cantor-Pair
A general algorithm to enable cantor pairing and unpairing between usizes. I'm not responsible for any damages if this code breaks GL GG
-
sort_library
sorting algorithms in Rust
-
state_maschine
A State Machine Framework written in Rust
-
url-hash
types that provide secure and stable hash values for Urls
-
anyid
ambiguous identifier
-
cmaes
CMA-ES optimization algorithm
-
rselib
Misc algorithms implemented for embedded usage (i.e., wasm)
-
chrono-probe
Compare and measure the time complexity of algorithms
-
arrsac
From the paper "A Comparative Analysis of RANSAC Techniques Leading to Adaptive Real-Time Random Sample Consensus"
-
inexor-rgf-core-di
Inexor - Reactive Graph Flow - Dependency Injection
-
nmm_lib
nine mens morris
-
mini-enigma
#[no-std] (and no alloc) zero dependency implementation of the M3 Enigma
-
tea-map
Map functions for tevec
-
treap_non_random
A non-randomized Treap implementation. Not very useful as a balanced tree, but useful when implementing CVM or similar algorithms.
-
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
tokeneer
tokenizer crate
-
line_cardinality
High performance line cardinality counts and estimates
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
istio-api-rs
A collection of CRDs for api used in Istio
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
spatial
An N-Dimensional R-tree family spatial tree implementations
-
light-double-ratchet
implements the Double Ratchet algorithm in Rust
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
ruzzy
A lightweight fuzzy matcher
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
artcode
Converts dates into artcode coordinates
-
javarandom
Pure rust implementation of java.util.Random
-
stringslice
A collection of methods to slice strings based on character indices rather than bytes
-
fakier-city
Fakier for city
-
pi_guid
An GUID Generator
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
random-access-memory
Continuously read and write to memory using random offsets and lengths
-
const-crc32
A
const fn
implementation of crc32 checksum algorithm -
demes-forward
rust API for iterating demes models forwards in time
-
sparsetools
2-D sparse matrix package for numeric data
-
jarl
Jarl (Just another Raft library)
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
core_float
based on the Rust Core Library and aims to provide an identical set of APIs for f32 and f64 floating-point types
-
unit_types
A unit-aware type system for Rust
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
toffee
Get command to run to run specific test in a file
-
libreda-sta
Static timing analysis for netlists of the LibrEDA framework
-
text-file-sort
Sort a text file similar to linux sort
-
cubic_spline
Function that calculates curve points for cubic spline
-
reltester
Automatically verify the correctness of [Partial]Eq/Ord implementations
-
gaoya
Locality Sensitive Hashing Data Structures
-
shortestpath
Shortest Path is an experimental library finding the shortest path from A to B
-
extended-isolation-forest
rust port of the anomaly detection algorithm
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
weak_true
Similar to the automatic implicit conversion to boolean values in weakly typed languages
-
async_bagit
Create and load BagIt containers
-
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
-
beetle_bits
A collection of bit-based types. Currently only u1 (1bit uint) and f3 (3bit float) are implemented
-
ju-tcs-tbop-24-bebidek-endpoints
providing head and tail functionality
-
ssr-algorithms
spaced repetition algorithms
-
discoid
Different types of generic Circular Buffers
-
qframework
A experimental micor framework for clear design, based on queue model
-
cmaze
Core of tmaze game
-
sosa
Stochastic simulation algorithm (SSA) with a Monte-Carlo generating method
-
nydus-error
Error handling utilities for Nydus Image Service
-
yaml-hash
Improved YAML Hash
-
kernel-density-estimation
Kernel density estimation in Rust
-
scale_std
datastructures and algorithms to be run on the SCALE engine
-
crc_all
A Pure Rust Implementation of Generic CRC Algorithm
-
ibmfloat
IBM floating point number types
-
markov-algorithms
Markov algorithms
-
sinteflake
A 64 bits ID generator inspired by Snowflake, but generating very distinct numbers
-
radix
Convert any {u8, u16, u32, u64, u128, usize} to another radix
-
simple_optimization
Simpler optimizers for simple optimization
-
voxel-traversal
Traverse through all voxels in a 3d space from a start position to an end position
-
qd
Extended precision floating point arithmetic
-
coding_pk
pk for coding solution
-
scroll-buffer
Extra writable buffers for Scroll
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
ddgg
A stable graph with undo/redo built in
-
pcg32
No-frills PCG32 random number generator implementation
-
lib_algorithms
Библиотека алгоритмов
-
flipperzero-sys
Flipper Zero
-
qdft
Constant-Q Sliding DFT
-
vrp-pragmatic
An extension logic for solving rich VRP
-
standardform
Effortlessly operate on numbers like 2e19 or 2*10^4 and more with this Rust implementation of standard form. Simplify, convert, and manipulate large numerical expressions with ease.
-
seqalign
Sequence alignment using edit operations
-
jellyfish
Approximate and phonetic matching of strings
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
rand-sequence
A no-std crate for generating random sequences of unique integers in O(1) time
-
nyar-number
Numeric types with GC optimization
-
local-or-heap
type with a pre-specified size, regardless of the size of the T type it contains, using heap allocation if necessary
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
dfo
Differentiable Floating-point Operations in Rust
-
machine-check-exec
formal verification tool machine-check
-
gosh-lbfgs
Fast and safe Rust implementation of LBFGS and OWL-QN algorithms ported from Naoaki Okazaki's C library libLBFGS
-
smallest-enclosing-circle
Iterative and recursive two-dimensional implementations of Welzl's algorithm for computing the smallest enclosing circle
-
glicko2
rating system
-
name-engine
computing Markov chains to generate random names based on pronunciation
-
omango-wyhash
Wang Yi hash for Rust
-
srake
RAKE Algoritm
-
logru
A small, embeddable and fast interpreter for a subset of Prolog
-
ntree-rs
A mutable n-tree with async support
-
epimetheus
prometheus-compatible metrics framework
-
multidimension
High-level manipulation of multi-dimensional arrays
-
codes-check-digits
Common implementation of check digit algorithms
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
variadic_from
Variadic from
-
polars-algo
Algorithms built upon Polars primitives
-
plr
Performs greedy or optimal error-bounded piecewise linear regression (PLR) and spline regression
-
gsv-culture-ships
Iain M. Banks's Culture ship names in a library.
-
gad
Generic automatic differentiation for Rust
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
lindenmayer
Memory Efficient Lindenmayer-Systems
-
geos-sys
GEOS C API bindings
-
isochronous_finite_fields
Isochronous implementation of GF(2^8) arithmetic
-
bubbletree
Bubble-tree
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
avm1-emitter
AVM1 emitter
-
scm-bisect
Supporting library for git-branchless
-
museair
New fastest portable hash: immune to blinding multiplication, even faster then wyhash, SMHasher3 passed
-
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.
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
fleetfs_raft
language implementation of Raft algorithm
-
permutate
Generic permutator that permutates singular and multiple lists
-
bin_packer_3d
Three dimensional fitting algorithm to fit smaller boxes inside of a larger box
-
cplit
Competitive Programming Library in Rust
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
rcalc_lib
Mathematical expression calculation library
-
euc_lib
Easy to use implementation of extended and normanl Euclidean algorithm
-
qmc
Quantum Monte Carlo simulations in Rust
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
lazysort
Lazy sorting for iterators
-
abow
Visual bag of words for fast image matching
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
unity-random
A reimplementation of Unity's pseudo-random number generator
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
stochastic-rs-stats
statistical analysis of stochastic processes
-
iter-set
Set operations on sorted, deduplicated iterators
-
blackboxmc_java
BlackboxMC bindings for java.util
-
rucrf
Conditional Random Fields implemented in pure Rust
-
libtombala
Mugsoft Tombala Game
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
search_trees
binary search tree, red-black tree, and AVL tree
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
mccga
Implements the machine-coded compact genetic algorithm (MCCGA)
-
minstd
minimal standard random number generator
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
cipher-crypt
A cryptographic tomb of ciphers forgotten by time
-
evolutionary
A fully extensible Rust framework for using paralyzed genetic algorithms to solve problems
-
svg2polylines
Convert SVG data to a list of polylines (aka polygonal chains or polygonal paths)
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
boostvoronoi_ext
Boost voronoi private workspace (this workspace will be re-integrated in the main crate in next release)
-
dandelion-random
A high performance non-cryptographic random number generator
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
ring_buffer
RingBuffer is a queue with added random access
-
hexagex
Match binary data with hexadecimal regexes
-
regex_quote_fixer
Rewrites grep regexpressions for the use in the regex crate
-
genetic_algorithm_meta
A genetic algorithm implementation for optimizing genetic algorithm parameters
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
rmath
math library
-
displayr-rustr
R integration
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
swimos_downlink
SwimOS Downlink Runtime
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
tallyweb-fuzzy-sort
A fuzzy sort library for use with the tallyweb site package
-
grabbag
A random grab-bag of functionality
-
rust-algo
rust algorithms
-
bbox
Managing axis aligned 3d Bounding Boxes
-
vqf-rs
A
no-std
, dependency-free port of VQF sensor fusion algorithm for IMUs -
postman-api
Postman client, generated from the OpenAPI spec
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
qip-iterators
Iterators for tensor product matrix multiplication
-
assign1
Sorting code
-
safe-buffer
Out of memory safe chunked binary buffer
-
argmap
parse command-line arguments into a hashmap and vec of positional args
-
affinityprop
Vectorized and Parallelized Affinity Propagation
-
arima
time series modeling for Rust
-
krossbar-state-machine
Krossbar state machine
-
buf-min
Minimal utf-8 safe buffer traits
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
xcov
Knuth's Algorithm X (featuring dancing links) for solving exact cover problems
-
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
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
tugger-wix
Interfaces to the WiX Toolset to produce Windows installers
-
iterslide
A "sliding window" iterator
-
shm_ring
A directional ring buffer for message passing between shared memory
-
hmac-drbg
Pure Rust implementation of Hmac DRBG
-
langlang_value
langlang is a parser generator based on Parsing Expression Grammars (library)
-
based16
BASE-16(HEX) implementation for chads
-
fusion-imu
Rust wrapper for the Fusion AHRS C library
-
fast-blurhash
A faster implementation of the BlurHash algorithm used to generate better looking placeholder for websites and mobile apps
-
soplex-rs
Safe Rust bindings for the SoPlex LP solver
-
finite_element_method
A finite element method module
-
anndists
some distances used in Ann related crates
-
rs_sha224
rs_sha224
is a Rust implementation of the SHA-224 cryptographic hash algorithm, part of the largerrs_shield
project. This package provides SHA-224 hashing functionality in a standalone manner… -
permanganate
Graph and Boolean SAT solver for Numberlink and Flow Free
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
cpp_core
interoperability with C++
-
nnf
Negation Normal Form manipulation library
-
stack-cell-ref
Share a reference in thread inner
-
interiors
Primal-Dual Interior Point Method for Nonlinear Programming
-
rust_wfa
wavefront sequence alignment algorithm
-
riddance
retiring, recyclable, reservable IDs
-
fltrs
Filter for querying lists
-
sparse-bitfield
Bitfield that allocates a series of small buffers
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
gym-rs
OpenAI's Gym written in pure Rust
-
entro-sort
Entro Sort is an in-place, linearithmic, unstable sorting algorithm
-
routrs
Geograph-based shortest distance calculation for Rust
-
gamma
Graph primitives and traversals for Rust
-
org-rust-exporter
exporter for org mode documents parsed with
org-rust-parser
-
sat_toasty_helper
more-easily writing SAT constraints
-
srmfpa-berkeley-softfloat-3
Wrapper of berkeley-softfloat-3 for srmfpa
-
hybridmap
Hybrid map using smallvec and the std hashmap
-
globe-rs
management of geographic coordinates
-
distance_difference_triangulation
Position triangulation from differences of distances
-
entro-hash
Entro Hash is a 32-bit, non-cryptographic hashing algorithm
-
lootr
RPG-like looting system
-
peepmatic-automata
Finite-state transducer automata
-
uwu_wasm
uwuifying the web
-
rxqlite-notification
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
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
-
insides
A compact, high performance space filling curve library for Rust
-
qsort-rs
A quick sort algorithm that accepts any type and non-recursive approach
-
enso-optics
functional optics
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
isla-lib
Isla is a symbolic execution engine for Sail instruction set architecture specifications. This crate implements the core symbolic execution engine as a library.
-
random_grouping
random grouping
-
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
ds-heightmap
Using diamond-square algorithm to generate heightmaps which stored in a 2D-array
-
ramp64-srm-convert-lib
build RetroArch Mupen64 SRM Converter
-
rootfind
Root-finding algorithms
-
sha3-asm
Raw bindings for SHA-3 algorithms written in assembly
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
addchain
Generate addition chains
-
zvxryb-broadphase
A broadphase collision detection library
-
slsqp
optimizer for Rust
-
cgl-src
Redistribution of Coin-OR Cgl as a crate
-
contest-algorithms
Common algorithms and data structures for programming contests
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
spalinalg
Sparse Linear Algebra Library
-
hackflight
flight-control software for makers in Rust
-
n18game
assets and logic for 18xx games
-
tokenizations
alignments library
-
rexl
Common Library for Rust
-
biodiff-align
Sequence alignment bindings for biodiff
-
prexel
A math expression evaluator
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
eom
Configurable ODE/PDE solver
-
hasher
Package hasher provides a Hasher trait
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
mintyml
A minialist alternative syntax to HTML
-
ndspec
A package for ocean waves and energy spectra
-
rust-corosync
Rust bindings for corosync libraries
-
symbolic_polynomials
manipulation of polynomials over the integers
-
anyhash
Traits and utilities for making hashes of any type
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
sorting_rs
Collection of sorting algorithms implemented in Rust
-
tomt_async
Primarily a dumping ground for personal async snippets that may be used in other ToMT projects. If this crate is useful to others please let us know.
-
compensated-summation
Compensated summation algorithms for better precision
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
coinutils-src
Redistribution of Coin-OR CoinUtils as a crate
-
prksort
Merge Sort and Quick Sort algorithms in Rust
-
buffer-trigger
A data collection trigger based on the maximum number and refresh time
-
spatial_hash
A 2D Spatial Hash which uses cubes, triangles and hexes
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
async_to_iter
Convert async functions to generators on stable Rust
-
sort-it
various sorting algorithms
-
censor
text profanity filter
-
big-rational-str
Format and parse BigRationals to/from decimal numbers
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
inexor-rgf-model-random
Inexor - Reactive Graph Flow - Model - Random
-
probably
various approximate computing algorithms
-
meowhash
Meow hash function
-
coord_transforms
performing coordinate transformations
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
relp
Rust Exact Linear Programming
-
seadawg
that implements the online algorithm for Direct Acyclic Word Graph (DAWG) and Compact Direct Acyclic Word Graph (CDAWG)
-
rscompress-transformation
data transformation supporting rscompress
-
bloock-types
base types for our Sparse Merkle Tree
-
galileo-types
Trait based geo geometries and algorithms
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
glushkovizer
Manipulation, regular expression and automaton library. Allows conversion of regular expressions into automata and analysis of automata and their orbits
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
sssignals
🐍 Simple, Synchronous Reactive Signals for Rust
-
clojure-reader
A Clojure reader
-
entromatica
constructing, simulating and analyzing markov chains
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
circularing
Circular buffer backed by in-stack storage
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
mutification
Convert immutable reference to mutable reference
-
watermill
Blazingly fast, generic, and serializable online statistics
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
topk
TopK algorithm implementation in Rust
-
drying_paint
observer pattern for Rust
-
nml-matrix
A small library to work with matrices
-
adapton-lab
Testing and performance evaluation suite for Adapton
-
wkb
Convert geo-types from georust to/from Well Known Binary
-
depper
basic dependency validation
-
display_buffered
A small library that provides convinience functions to write all the elements into a writer with buffering
-
fenris-sparse
Sparse matrix functionality for fenris
-
hash_ord
lib contains OrdMap(avl tree) and HashMap(use avl to resolve collision);
-
bip_util
Bittorrent Infrastructure Project
-
constrained_int
Integers that are constrained within inclusive ranges
-
ff-group-tests
A collection of sanity tests for implementors of ff/group APIs
-
const-fnv1a-hash
A #![no_std] crate for performing FNV1A-16/32/64/128 hashing on Rust stable at compile time
-
metrics_evaluation
Small foot-print parser and solver for (nested) text-based comparisons
-
f3l_features
3D Point Cloud Library
-
deranged
Ranged integers
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
c_math
这是一个用于基础数据转换操作的一个包
-
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
-
zenu-matrix
Matrix library for ZeNu
-
morton
space filling curve functions
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
fhash
Blazingly fast hash for HashMaps in Rust
-
vec_to_array
Moves a heap allocated
Vec<T>
to an stack allocated array of typeT
and sizeN
-
duval-rs
Duval algorithm in Rust
-
omnipaxos
A distributed log library written in Rust
-
microwfc
Small Wave-Function-Collapse implementation
-
jaaptools
I really just wanted to try publishing a package, but this contains stuff I find useful in many circumstances
-
input_conv
A basic stdio extension to automatically translate basic inputs to a given type
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
memmem
Substring searching
-
aabel-bloom-rs
implements the Bloom filter
-
tique
drive a tantivy search index
-
blossom
algorithm to get a maximum matching in an undirected graph
-
dlx-rs
dancing links in Rust
-
rustiq-core
Quantum circuit synthesis library in rust
-
denlibs
general-purpose libraries
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
kindness
Methods for returning random elements from an iterator
-
hv-wfg-sys
A wrapper for the hyper-volume algorithm by While et al. (2012)
-
ironstorm_lookup
Lightning fast lookup table for auto completion, type ahead, suggestion engines
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
graph6-rs
parsing graph6/digraph6 strings and converting them into other text based formats
-
tenthash
A robust 160-bit non-cryptographic hash function
-
traiter
Traits collection
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
noise-functions-config
Configurable noise generator for
noise-functions
-
fitnesstools
Collection of tools related to fitness and weightlifting
-
kbnf-syntax
An internal syntax crate for kbnf crate
-
munkres
Kuhn-Munkres (aka Hungarian) algorithm for solving the Assignment Problem in O(n^3)
-
squares-rnd
fast counter based non-crypto random generator
-
timelag
Creating time-lagged time series data
-
rgeometry
High-Level Computational Geometry
-
quriust
simulate a quantum computer. Only for quriust ones.
-
light-curve-common
Common tools for light-curve-* packages
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
imei
number validator
-
stable-hash
A stable, structured hash with backward compatibility
-
cauchy
Trait for real and complex numbers
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
crc16
A CRC16 implementation
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
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…
-
mail-headers
[mail/headers] header parts for the mail crate (inkl. header map and standard header impl)
-
vec-drain-where
alternative
Vec::drain_filter
impl -
wordpieces
Split tokens into word pieces
-
fluent_state_machine
A domain-specific language (DSL) for creating state machines in Rust
-
stream-more
Stream utilities for Rust
-
ldpc
A toolbox for classical and quantum LDPC codes
-
csparse21
Sparse Matrix Solver
-
awesome-trie
Awesome Trie is a fast Implementation of Trie algorithm
-
rand_seeder
A universal random number seeder based on SipHash
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
oint
oint ('optional int') provides total operations on arithmetic
-
rand_distr
Sampling from random number distributions
-
inttable
Specialized HashMap for randomly-distributed u64 keys
-
rome
An RDF library in pure Rust
-
heapz
Heap/Priority Queue implementations
-
pow2
Represents a non-negative power of 2, by storing its exponent
-
pack_it_up
that implements various bin packing algorithms
-
eviolite
Toolkit for working with evolutionary algorithms
-
ripgen_lib
High-performance domain-name permutation generator
-
blake3-std
the BLAKE3 hash function implementation with std::simd
-
numext-fixed-hash
Fixed-size hash types
-
snaplog
easily recording changes to values
-
blake2b_simd
a pure Rust BLAKE2b implementation with dynamic SIMD
-
random-branch
macro to select a random branch like match
-
clock-page-replacement
clock page replacement algorithm implementation
-
bevy_cells
Bevy library for working with entities in grids
-
simple-pagerank
calculate the PageRank of a graph
-
tradestats
Metrics
-
bubblesort
Bubblesorts stuff
-
concorde
reconfigurable lattice agreement
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
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…
-
human-sort
Human sort (natural sort) implementation
-
paragraph-breaker
Knuth-Plass algorithm for breaking paragraphs into lines
-
framp
Fork of James Miller's Ramp, a high-performance multiple-precision arithmetic library
-
ribbon
Tape machine for peeking through windows of iterators
-
proc-opt
WIP: Process/Job scheduling optimization library
-
classify
A collection of algorithms for categorizing 1D data
-
truth-values
Generate all possible combinations of N bools
-
algorithm_playground
Algorithms Playground: To learn and understand the working of different algorithms in Computer Science
-
statistical
statistics library
-
endicon
Implementations of codicon traits for endianness encodings
-
fqdn-trie
FQDN (Fully Qualified Domain Name) lookup structures (based on tries)
-
curri-fsm
Functional Programming Finite State Machine With curri
-
teeint
A teeworlds variable int packer/unpacker
-
classific
Classifications, comparator and equivalence class implementations
-
dusa_collection_utils
A common library with standardized functions that the ais_platform, dusa, recs and others will depend on
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
rrt
Path finding using dual-RRT connect
-
chksum
hash functions with a straightforward interface for computing digests of bytes, files, directories, and more
-
zw-fast-quantile
Zhang-Wang fast quantile algorithm in Rust
-
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…
-
sea-canal
Identifies patterns in sequences of integers
-
libgdx-xs128
minimalist no_std clone of the Xorshift128+ algorithm used in the libgdx Java library
-
index-utils
working with indices
-
rusty-perm
permutation with no-std
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
uuidv6
UUIDv6 implementation
-
modicum
Modular arithemtic library in pure Rust
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
traversal
Generic and lazy tree traversal algorithms
-
cut-optimizer-2d
A cut optimizer for cutting rectangular pieces from sheet goods
-
quickcheck_seedable
Automatic property based testing with shrinking
-
rustimization
optimization library which includes L-BFGS-B and Conjugate Gradient algorithm
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
sudoku-variants
A flexible Sudoku engine that supports common variations and custom rules
-
sortable-quick-unique-id
The Sort-able Quick Unique ID system
-
xor_rand
An arbitrary byte length, counter based PRNG crate
-
zf-cc-utils
A small utilty crate for competitive coding
-
malwaredb-murmurhash3
MurmurHash3 implementation
-
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
-
mgraph
performance-oriented graph library for Rust
-
range-reader
Converts low-level APIs to read ranges of bytes to
Read + Seek
-
bisection
Python bisect module
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
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.
-
numeric-algs
implementing some numerical algorithms
-
murmurhash3
MurmurHash3 implementation
-
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
random-string
Allows to generate random strings based on a given charset and length
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
bgjk
Boolean Gilbert-Johnson-Keerthi algorithm for determining if convex hull volumes intersect
-
supermemo2
that implements the supermemo2 spaced repetition algorithm
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
simple_vector2
libary for generic vector manipulation that just works
-
analytic
has been renamed to be the math crate https://crates.io/crates/math
-
hcompress
from CFITSIO
-
minhash-rs
MinHash trying to be parsimonious with memory
-
sample-consensus
Abstractions for sample consensus algorithms such as RANSAC
-
aob_common
String searching with wildcards
-
pso_rust
famous PSO method
-
libtess2-rs
good quality polygon tesselator and triangulator
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
chandeliers-std
A standard library for the Chandeliers suite
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
bit_combi_iter
An iterator to iterate all bit combinations less than given unsigned integer
-
limited-queue
a limited queue that overrides the oldest data if trying to push a data when the queue is full
-
ssdeep
wrapper for ssdeep
-
llsc
load-link/store-conditional implementation using atomics
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
savant_core
Savant Rust core functions library
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
fmerk
Merkle key/value store
-
worldgen
Noisemap and world generation library
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
numa_maps
Parse the numa_maps file
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
greek_number
Convert numbers to Greek number strings
-
or-tools
Unofficial Rust wrappers to the C++ library Google OR-Tools, open source software for combinatorial optimization
-
enso-shapely
Automated typeclass derivation
-
smth
math library
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
searchlib
Satisficing and optimal search algorithms
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
polystem
Popular stemming algorithms for Information Retrieval
-
treelite
rust wrapper for treelite, only support predictor.predict_inst method now. Requires treelite:0.93
-
disco-quick
processing the Discogs XML data dumps
-
easing
Leveraging Rust's powerful iterators for easing
-
wfc_tiled
Small library for Wave Function Collapse on Tile-based maps, using the
wfc
crate. Provides Tiled integration. -
nistrs
his crate implements statistical tests according to the NIST standard
-
typed_shapefile
Read & Write .dbf in Rust
-
polyline-codec
Encode and decode polylines
-
juxt_adler32
just adler32, nothing else
-
iroh-bytes
blob and collection transfer support for iroh
-
lfu
cache implementation
-
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.
-
pennereq
Port of the Penner easing equations to rust
-
ipopt-src
Redistribution of Coin-OR Ipopt as a crate
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
rabin_ida
Rabin's information dispersal algorithm, originally by Liam Perlaki
-
skelly
Skeleton animation and IK
-
gbps
gossip-based peer sampling
-
rbuf
A general purpose ring buffer implementation with some non-standard constraints
-
vecfx
Extra batteries for a vec of floats
-
fpopt
a wrapper around manipulating floating point flags
-
borrowned
Borrow-or-owned values
-
oca-dag
OCA DAG
-
math-interpolate
Linear interpolation between two points to calculate the 3rd point
-
ju-tcs-tbop-24-bb
head and tail library
-
lace_utils
Miscellaneous utilities for Lace and shared libraries
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
simplerand
fast random number generator
-
ecgen-rs
Enumerative Combinatoric Generation in Rust
-
arion
Solver and Local search operators for vehicle routing problems
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
infinity-sampler
Deterministic reservoir sampling for Rust
-
easy_base64
The package provides the base64 encode/decode functions
-
progress-encode
Progress ENCODE function
-
temex
Regex-like temporal expressions for evaluating systems that change over time
-
onlinematching
Online bipartite matching is a type of matching problem where the goal is to match elements from two disjoint sets (also known as "bipartite graphs"), where one set represents the "left"…
-
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…
-
ish
Sometimes things are true-ish
-
optimath
Linear Algebra using const generics for no_std and specialization to enable SIMD
-
iobuf
A contiguous region of bytes, useful for I/O operations
-
rust_poker
Rust poker library
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
marzullo
Marzullo's algorithm
-
acacia
A spatial partitioning and tree library
-
tessellation
3d tessellation library
-
copy_arrayvec
Copy arrayvec, does what it says on the tin
-
dirty-fsm
A quick and dirty state machine library
-
wookong-solo
Wookong Solo driver crate
-
badsort
Some basic sorting stuff I wrote as practice in Rust. Includes my favorite algorithm, BOGO Sort!
-
simplegraph
graph implementation
-
value-box-ffi
C-like api to family of value-box crates
-
markov_rope
used to generate random chain of words based on an example text
-
my-bfgs
A pure Rust implementation of the BFGS optimization algorithm
-
tacho
A prometheus-focused metrics library for Future-aware applications
-
oscirs_linalg
GPU accelerated linear algebra crate for scientific computing
-
aces
Algebra of Cause-Effect Structures
-
vsort
GNU Version Sort Rust implementation
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
afsort
American Flag sort implementation for faster sorting of Strings
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
spherical-cow
Spherical Cow: High volume fraction sphere packing in arbitrary geometries
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
delsum-lib
most functionality for the delsum crate
-
bdecode
A Bencode decoder in Rust which uses the same algorithm as libtorrent
-
advancedresearch-tree_mem_sort
An in-memory topological sort algorithm for trees based on Group Theory
-
continent-code
Continent Code
-
poisson
Poisson-disk distribution generator
-
numlib
numerical library implementing common numberical algorithms in rust
-
ringstack
A very simple circular buffered stack implementation
-
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
-
heuristic-graph-coloring
Heuristic algorithms for graph vertex coloring
-
mmseg
Chinese word segmenation algorithm MMSEG in Rust
-
unik
A Powerful Universally Unique Identifier (UUID)
-
swimos_errors
SwimOS Error Utilties
-
wfc-rs
Binding to the krychu/wfc C library
-
dec-number-sys
Rust bindings for The decNumber C library by IBM Fellow Mike Cowlishaw
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
tiamat
a PRNG library
-
ilattice
2 and 3-dimensional integer lattice math
-
sugiura-hiromichi_mylibrary
my personal library
-
exact-cover
(WIP) Asynchronous exact cover solver library using Knuth's dancing links algorithm
-
java_random
The java LCG and random module implementation in rust
-
polymatheia
Mathematical types, traits, and algorithms in pure and safe Rust
-
partitions
A disjoint-sets/union-find implementation that allows for efficient iteration over elements of a set
-
iterator_whq
demo of whq
-
cp-rs
Competitive programming library, especially for AoC
-
vincenty-core
Calculate distances between two coordinates using vincenty formulae
-
meealgi
A selective implementation of Jean Meeus' astronomical algorithms
-
uvgen
Triplanar texture coordinates generator and packer
-
trajectory
interpolation
-
bbt
A skill-rating system similar to Elo, Glicko or TrueSkill
-
lambert
lamber-rust is a crate helping to convert Lambert coordinates to WGS84
-
ini_puga
manage INI files
-
hora-new
Hora Search Everywhere
-
myopic-brain
Search and evaluation for determining best move available in a chess game
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
spsa
Simultaneous perturbation stochastic approximation
-
ergothic
setting up and running distributed Monte-Carlo statistical simulations. Designed primarily for lattice QCD.
-
flowing
flow graph processing library
-
divisors_fixed
A fixed & enhanced version of the divisors crate
-
osi-src
Redistribution of Coin-OR Osi as a crate
-
htmlprops-to-react
convert html properties to react
-
sorts
A collection of sorting algorithms
-
atlatl
Double-array tries
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
drain-rs
Automatically cluster semi-formatted text with the drain algorithm
-
password-worker
A wrapper for password hashing that can be used as shared state, and uses a rayon thread pool so it won't block the async runtime
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
tipping-rs
Token Interdependency Parsing (Tipping) algorithm
-
xxtea
encryption algorithm library
-
hmmm
Hidden Markov Models in Rust
-
halton
A module for generating Halton sequences
-
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, ...
-
label-propagation
Label Propagation Algorithm by Rust
-
ndsort-rs
Sorting Algorithms implemented in Rust
-
degrees
Easily work with and compare temeratures in different units
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
rta-for-fps-lib
paper 'Response Time Analysis for Fixed Priority Servers' by Hamann et al
-
ram
that helps to parse source code with finite state machines
-
truck-polymesh
defines polygon data structure and some algorithms handling mesh, including meshing the shapes
-
hashed-permutation
A fast, instant-access way to permute a range of numbers
-
hotdrink-rs
HotDrink in Rust
-
memoires
Memoization for Rust
-
secwords
secure and safe password container
-
genx
An easy to use and modular genetic algorithms library
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
path-finding
variety of path finding and graph operations. Work in progress.
-
zip-fill
Iterator library
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
fnntw
Fastest Nearest Neighbor (in the) West. A fast kdtree/kNN library.
-
fp-growth
algorithm in pure Rust
-
sigalign-core
A core crate for sigalign
-
rust_c3
C3 for Rust
-
byte_rb
byte ring buffer
-
xxh
XXHash algorithm implementation for Rust
-
predictive_shuffle
A vector shuffling library that allows for in-place shuffling, or predictive sub-item shuffling
-
library_of_babel
Babel in Rust
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
easings-rs
easings crate without any bells and whistles
-
gmatlib
linear algebra in Rust and beyond!
-
random_lfsr_256_galois
random generator imlplementation based on linear feedback shift register (LFSR, Galois variation) on 256-bit polynome
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
rust-algorithm
algorithm
-
subproductdomain-pre-release
Implements subproduct domain algorithm
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
morel
A string searching library
-
regalloc
Modular register allocation algorithms
-
unfold
in Rust
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
runiverse
A pure and safe Rust library to make astronomical calculations and solve astronomical algorithms
-
algebloat
Rust linear algebra library
-
randu
MCG65539 is IBM System/360 random number generator
-
xcsp3-rust
that help constraint programming solvers implemented by Rust to read XCSP3 files
-
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
-
uniui_layout_linear_layout
Label widget for uniui_* crate family
-
bogosort
implemented in Rust
-
utf-8
Incremental, zero-copy UTF-8 decoding with error handling
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
rustmt
A MT19937 PRNG implementation for rust
-
algorithmplus
commonly used algorithms
-
pi_path_finding
A* Path Finding Algorithm
-
swifft
hash function, written in Rust
-
w_inter
❄️ Weighted INTERval scheduling problem
-
tree-struct
A general-purpose Tree implementation in Rust
-
idalloc
different methods of allocating unique identifiers efficiently
-
threes
A Threes! implementation in Rust
-
raft-proto
Protocol definitions for the rust language implementation of the Raft algorithm
-
moore-hodgson
Moore Hodgson's Scheduling Algorithm in Rust
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
xorwowgen
Several implementations of the Xorwow algorithm
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
advancedresearch/piston-math_notation
Bootstrapped meta rules for mathematical notation
-
lcpc-brakedown-pc
polynomial commitment scheme from SDIG expander code
-
hybrid-clocks
Hybrid Logical Clocks
-
reciprocal
Baseline implementation of integer division by constants
-
zig-lexer
Zig lexer
-
pso
Particle Swarm Optimizer
-
kahan
types to perform Kahan summation
-
advanedresearch-trinoise
A mathematical noise pattern of 3 values based on Number Theory and Set Theory
-
nummap
Defines a wrapper around a
HashMap
of number values which behaves as if ALL keys are mapped but0
values are not stored -
lttb
Largest Triangle Three Buckets algorithm
-
random_lcg
lcg random number generator
-
hutton-rust
The Hutton cipher implemented as a Rust crate
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
meza
in-memory data table written in Rust
-
aviary
bird combinators for Rust
-
suitesparse_sys
sys crate for suitesparse library
-
griddy
general-purpose grid/matrix
-
randotron
Trivial little library that lets you randomly execute a closure with a sample rate
-
rsbalancer
that implements load balancing algorithms
-
rollsum
Rolling checksum implementation
-
lineargen
Bit sequence generators based on LFSRs
-
chull
Convex hull approximation
-
cityhash-102-rs
Faithful reimplementation of CityHash v1.0.2 64bit and 128bit hashes
-
octarr
dynamic cubic octree capable of storing class data, accessed via indexers
-
lolraft
A Multi-Raft implementation in Rust language
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
zero-copy-pads
Padding/aligning values without heap allocation
-
gndr_rust
Uses advanced techniques and algorithms to determine the gender of a user by just fucking asking them
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
dda-voxelize
3D mesh voxelization with the DDA algorithm
-
biogarden
A collection of basic bioinformatics algorithms
-
orca-rs
ORCA algorithm
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
cell-map
Many-layered 2D cellular generic map
-
rs_sha3_256
rs_sha3_256
is a Rust implementation of the SHA3-256 cryptographic hash algorithm, part of the largerrs_shield
project. This package provides SHA3-256 hashing functionality in a standalone manner… -
polymur-hash
Polymur hash function
-
choosen
An easy program that choose some attending person, with equal properbility for each position
-
bidir-map
Bidirectional map implementation for Rust
-
emas_rs
Rust-based EMAS optimization algorithm
-
finite-state-automaton
A minimal DFSA implementation based on Jurafsky & Martin (2009)
-
rhizomedb
RhizomeDB
-
jay-algorithms
Internal dependency of the Jay compositor
-
rollercoaster
Extra iterators for grouping, sorting, arithmetic, and more
-
deep_core
deep prototype
-
forky_core
Rust Utilities
-
geometric_algebra
Generate(d) custom libraries for geometric algebras
-
pretty-hash
Output binary buffers as a nice, shortened hex string
-
primter
Prime number iterator based on sieve of Eratosthenes
-
dia-ip-range
-
cfg-regex
Conversion from a regular expression to a context-free grammar
-
zpatial
Algorithms for Spatial Acceleration and Geometries
-
maglev
Google's consistent hashing algorithm
-
frechet
basic autodifferentiation
-
lpn
Software to study attacks on the Learning Parity with Noise problem
-
ogs
solving octal games
-
cmsis_dsp
Bindings to the CMSIS DSP library for ARM Cortex-M processors
-
whosly
便捷的工具库
-
indexsort
sort crate, porting Golang sort package to Rust
-
thinarray
A thin alternative to Box<[T]>
-
poseidon-permutation
An instantiation of the Poseidon permutation for decaf377
-
dochy_archiver2
A serializer which compresses integers
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
dammcheck
Damm Algorithm in various bases/alphabets
-
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.
-
sayegh_bit_parser
that parses odd/even bits in serial mode in byte buffers and parses them out after grouping them in byte buffer group. Also, there are file reading and writing functions using the
Vec::<u32>
type in this library. -
umash
Idiomatic API for the umash hash/fingerprint function
-
rustsat-cadical
Interface to the SAT solver CaDiCaL for the RustSAT library
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
partopo
Functions to execute work described by a dependency graph
-
pokereval
evaluating poker hands with 5 or 7 cards
-
extrema
C++'s minmax_element implementation in rust
-
sparse
-
swimos_rtree
SwimOS R-Tree
-
smtlib-lowlevel
A low-level API for interacting with SMT solvers
-
symmetric-shadowcasting
shadow casting FOV algorithm
-
rtriangulate
Delaunay triangulation on a set of points
-
gitignored
gitignore algorithm
-
norx-permutation
NORX Permutation
-
location_based_sharding
Right sized sharding algorithm
-
graph_builder
A building block for high-performant graph algorithms
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
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.
-
fast_inv_sqrt
Fast inverse square root algorithm implementation
-
meos-sys
MEOS C API bindings
-
frost-schnorrkel
modular-frost Algorithm compatible with Schnorrkel
-
rational_deduction
rational deduction algorithm
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
hnsw
Fast approximate nearest neighbors
-
lincoln_compiled
Lowest level presentation of Lincoln
-
partition-iterator
Iterator adaptors that enumerate all partitions or all k-partitions of an iterator's content
-
descartes
Imprecision-tolerant computational geometry for Rust
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
aaplus
astronomical algorithms
-
streamvbyte64
stream-vbyte codec supporting 64-bit wide values
-
space_alloc
General purpose space allocators
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
first_order_logic
first-order logic
-
mkwebfont_common
Internal crate for mkwebfont
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
gt-graph
base crate for a gtaph theory
-
indiscriminant
A proc-macro for mapping between values and enum discriminants
-
wav2json
that decodes wav audio files into json waveform data
-
normal-form
A trait to easily find the canonical/normal form of graph structures
-
largest-remainder-method
The largest remainder method
-
opti_solve
Common optimization algorithms
-
minesweeprs
Probabalistic minesweeper solver, based on https://mrgris.com/projects/minesweepr/
-
prng_mt
Mersenne Twister PRNG in Rust
-
moon-phase
Calculates the phase and position of the moon
-
blurhash-fast
blurhash
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
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
-
proportionate_selector
Selecting useful solutions for recombination via fitness proportionate selection
-
zaplib_vector
The vector library for Zaplib
-
pseudo_encrypt
native-Rust generic implementation of Psql's pseudo_encrypt
-
red_union_find
union find algorithm
-
grb-sys
Low level bindings to Gurobi
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
broadword
algorithms
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
rusted_list
A ever sorted list for rust that is operating on binary search
-
rdeck
choosing distinct random elements
-
cellular_lib
simulation of cellular automata
-
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. -
fix-rat
A rational number type with fixed denominator
-
measurement-units
basic measurements units conversion such as length, mass, time, volume, percents
-
fenris-optimize
Optimization functionality used by fenris
-
grambulate
grambulation for positive integers in Rust
-
sprs_suitesparse_camd
sprs bindings to the suitesparse camd fill-in reducting ordering
-
etcd_dynamic_state
Etcd dynamic state library
-
stochastic_optimizers
Generic implementations of gradient based stochastic optimizing algorithms
-
sulfa
basic algorithm library implemented by rust
-
streaming-stats
Experimental crate for computing basic statistics on streams
-
batsat
Extensible SAT solver in Rust
-
phreak_engine
Rule matching algorithm focussed on speed
-
checkdigit
Check Digit Algorithms in Rust
-
modular
arithmetic in rust
-
fstd
A fast standard library for Rust
-
graphannis-core
supports graph representation and generic query-functionality
-
keyde
Fast, Dependency-free Spacial Queries
-
finny
Finite State Machines with a procedural builder-style API and compile time transition checks
-
masker
Mask patterns in data
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
distributed-cards
Implements the mental poker shuffling algorithm
-
fuzzy_trie
Key-value collection to make fuzzy searches
-
wotw_seedgen
Seed Generator for the Ori and the Will of the Wisps Randomizer
-
valistr
Creating immutable string wrapper types with values validated with regexes
-
rust-sort
common sorting algorithms, purely for learning
-
fastbuf
fast byte buffer with no async support
-
beediff
LCS algorithm in various applications
-
blake
hash function for Rust via FFI
-
rand-bits
Random number generators with a fixed number of set bits (ones)
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
wordlea
A algorithm to check Wordle's word guess
-
hopcroft-karp
A minimal implementation of the Hopcrof-Karp bipartite matching algorithm
-
tempergb
Convert a color temperature to RGB values
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
ezing
Easing functions
-
mvnc
Wrapper around the Movidius Neural Computing stick C API
-
dancing-links
Exact cover solver using dancing links technique
-
shuffle
various shuffling algorithms over slices
-
cbc-src
Redistribution of Coin-OR Cbc as a crate
-
cavalier_contours_ffi
C foreign function interface for the cavalier_contours crate
-
gamemath
math library for game development, written in Rust
-
lifering
A Hash wrapper around floats
-
smoothed_z_score
Smoothed z-score algo (very robust thresholding algorithm)
-
norms
A collection of distance metrics on strings
-
number-utils
A calculation crate
-
sorting
The world's best, finest and inefficient sorting algorithms
-
person
Random identity generator for Rust
-
phreak_rules
Rule matching algorithm focussed on speed
-
libreda-pnr
Algorithm interface definitions of the LibrEDA place-and-route framework
-
sub-strs
For finding sub strings
-
subway
Fast, performant in-memory SkipList implemented in Rust
-
gut
Geometry utilities: storing, manipulating and processing geometries
-
three-edge-connected
CLI tool for finding 3-edge-connected components of graphs, especially graphs in the GFA format
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
slice_search
A collection of algorithms for searching within slices
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
japanese_number_converter
A lib to convert numbers into japanese
-
dep-res
dependency resolution
-
fuzzerang
Efficient random number generators and distributions for fuzzing
-
cc4
Very simple implementation of the four_cc/fourcc algorithm as a const fn
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
den
A general delta encoded network difference algorithm
-
argdata
binary serialization format
-
coaster-nn
coaster plugin providing Neural Network operations
-
id_graph_sccs
Find the strongly-connected components of a graph with nodes labeled by integer ids
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
vnd_siren
A SIREN DSL/serializer
-
loop
The package allows for processing iterators in parallel
-
staticstep
truly zero-cost alternatives to
Iterator::step_by
for both incrementing and decrementing any type that satisfiesRangeBounds<T: Copy + Default + Step>
-
win95-keygen
A lightweight library to generate valid Win95 product keys
-
caldyn
Dynamic evaluation of mathematical expressions
-
nnapi-sys
FFI to the Android NNAPI
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
generic_graph
implementing general purpose graphs. Including some default implementation (the latter are still WIP)
-
math-concept
Common math concepts from Computer Science classes, implemented in Rust
-
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
is_42
blazingly fast way of checking if a variable is equal to 42
-
num-cmp
Comparison between differently typed numbers
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
rest_tensors
Provide efficient tensor operations for the Rust-based Electronic Structure Tool (REST)
-
cf_dist_utils
has risk and distribution utilities
-
algorithm_rust
some common rust_algorithms, Everyone can participate, and the project will continue to be updated, all the algorithms comes from <Introduction to Algorithms III>
-
seqdiff
Diff between two sequences
-
blurhash-ng
A pure Rust implementation of blurhash
-
umeyama
An algorithm for finding the optimal translation, rotation, and scaling that aligns two sets of points with minimum root-mean-square deviation (RMSD)
-
iterators-collection
A set of general purpose iterators useful but not included to the standard library
-
near_enough
finding the difference between two values, and for getting the closest match from a set
-
summed-area-table
summed area table
-
graphene
A general purpose, extensible Graph Theory data type and algorithm library for Rust
-
comtesse
graph utilities
-
full
Matrix and array types for numeric values
-
weighted-median
Calculate the weighted median
-
rscompress-coding
data coding supporting rscompress
-
perm
-
boomphf-patched
Scalable and Efficient Minimal Perfect Hash Functions (version modified by Piotr Beling)
-
aleph-alpha-tokenizer
A fast implementation of a wordpiece-inspired tokenizer
-
entro-shift
Entro Shift is a 32-bit, pseudo-random number generator algorithm
-
kodama
Agglomerative hierarchical clustering
-
process_tools
Collection of algorithms and structures to handle processes properly
-
unit_converter
READ THE DESCRIPTION BEFORE USING THE LIBRARY. Add this in your main file {use unit_converter}. This is a binary converter library. all you have to do is call the function in the…
-
ford-johnson
algorithm (aka merge-insertion sort)
-
liff
Fast levenshtein diff, fastest as we can do with levenshtein
-
xmlwriter
streaming XML writer
-
sortnet
Sorting Networks for Rust
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
dypdl
Libarary for Dynamic Programming Description Language (DyPDL)
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
rolling-dual-crc
Rolling CRC with 32-bit CRC32C and 64-bit CRC64/XZ
-
activation_functions
collection of activation functions
-
game-solver
Solve any combinatorial game
-
fibonacci_codec
fibonacci coding for primitive integer types
-
audiograph
An audio graph optimised for performance and limiting runtime allocations
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
xfind
Fast forward and backward stream search routines
-
swoop
lightweight optimisation algorithms in pure Rust
-
gt-directed-bijective-connection-graph
an implimentation of a directed bijective connection graph
-
ripped
A pure-Rust Interior-Point solver for linear programs
-
nlsn-delaunay
Delaunay Triangulation and Refinement implementation through Bowyer Watson incremental insertion, conflict maps and ghost vertices
-
map_to_range
map numbers from on range to another
-
soundchange
implementing sound change algorithms in Rust
-
scales
converting values between scales
-
dedup_signature
implements TextProfileSignature and Lookup3 algorithms to generates a hash/signature/footprint in order to be used for detecting duplicate documents
-
triangulate
Subdivides polygons into equivalent triangles
-
tension
Tensor library with OpenCL acceleration
-
xx-hash
xxHash implementation
-
verhoeff
algorithm, for number checksums
-
fixed-length-search
The fastest algorithm for finding a path with a specific length in a graph
-
linreg
Calculates linear regresssions of two-dimensional data. Does not use stdlib, only depends on numeric traits.
-
gemm-f32
Playground for matrix multiplication algorithms
-
gosh-fire
FIRE algorithm for geometry optimization
-
str-similarity
A string similarity library
-
rutil
containing utilities for creating programs in rust
-
bogo-plus-plus
Blazingly fast 🚀 AI 🤖 Powered Sorting algorithm
-
randomwalk
Build glorious random walks
-
radiate-rust
genetic algorithms and artificial evolution
-
gsl_rust
A safe GSL wrapper
-
rsneat
Neuroevolution of Augmenting Topolgies implementation
-
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…
-
homography
estimation using point and line correspondences
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
sequencer
Dependency graph processing libarary
-
graph-algo-ptas
PTAS on planars and other graph classes
-
lis
Longest increasing subsequence algorithm
-
graph_csr
that provides utility functions for manipulating graphs in a CSR format, used as the baseline for constructing powerful graph algorithms
-
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
-
narcissistic
number searcher
-
brzozowski-regex
Brzozowski regular expressions
-
tenhou-shuffle
Tenhou Deck/Wall-Shuffling Algorithm
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
savage_core
A primitive computer algebra system (library)
-
linear-deque
A double-ended queue that can be sliced at any time without preparation
-
satlog
A logger for SAT-like solvers