-
rand
Random number generators and other randomness functionality
-
twox-hash
XXHash and XXH3 algorithms
-
strsim
Implementations of string similarity metrics. Includes Hamming, Levenshtein, OSA, Damerau-Levenshtein, Jaro, Jaro-Winkler, and Sørensen-Dice.
-
fastrand
fast random number generator
-
ahash
A non-cryptographic hash function using AES-NI for high performance
-
crc
support of various standards
-
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
-
rand_xoshiro
Xoshiro, xoroshiro and splitmix64 random number generators
-
stacker
A stack growth library useful when implementing deeply recursive algorithms that may accidentally blow the stack
-
crc32fast
Fast, SIMD-accelerated CRC32 (IEEE) checksum computation
-
ff
building and interfacing with finite fields
-
ulid
a Universally Unique Lexicographically Sortable Identifier implementation
-
realfft
Real-to-complex forward FFT and complex-to-real inverse FFT for Rust
-
bytecount
count occurrences of a given byte, or the number of UTF-8 code points, in a byte slice, fast
-
rstar
An R*-tree spatial index
-
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.
-
noise
Procedural noise generation library
-
ndarray-linalg
Linear algebra package for rust-ndarray using LAPACK
-
dissimilar
Diff library with semantic cleanup, based on Google's diff-match-patch
-
fnv
Fowler–Noll–Vo hash function
-
highway
Native Rust port of Google's HighwayHash, which makes use of SIMD instructions for a fast and strong hash function
-
rand_distr
Sampling from random number distributions
-
pathfinding
flow, and graph algorithms
-
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
-
passwords
useful tools to generate multiple readable passwords, as well as analyze and score them
-
stringprep
algorithm
-
crc32c
Safe implementation for hardware accelerated CRC32C instructions with software fallback
-
wildmatch
string matching with single- and multi-character wildcard operator
-
foldhash
A fast, non-cryptographic, minimally DoS-resistant hashing algorithm
-
microfft
Embedded-friendly Fast Fourier Transforms
-
gcd
Calculate the greatest common divisor
-
murmur3
hash
-
topological-sort
Performs topological sorting
-
i_overlay
Boolean Operations for 2D Polygons: Supports intersection, union, difference, xor, and self-intersections for all polygon varieties
-
differential-dataflow
An incremental data-parallel dataflow platform
-
rand_hc
HC128 random number generator
-
bounded-integer
Bounded integers
-
salsa
A generic framework for on-demand, incrementalized computation (experimental)
-
argminmax
(argmin & argmax in 1 function) with SIMD for floats and integers
-
gix-revwalk
providing utilities for walking the revision graph
-
treediff
Find the difference between arbitrary data structures
-
resolvo
Fast package resolver written in Rust (CDCL based SAT solving)
-
edit-distance
Levenshtein edit distance between strings, a measure for similarity
-
rand_regex
Generates random strings and byte strings matching a regex
-
medians
Median, Statistical Measures, Mathematics, Statistics
-
special
The package provides special functions
-
slice-group-by
Iterators over groups in slices and strs
-
strength_reduce
Faster integer division and modulus operations
-
sgp4
A pure Rust implementation of the SGP4 algorithm for satellite propagation
-
seahash
A blazingly fast, portable hash function with proven statistical guarantees
-
rustfst
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs)
-
float_eq
Compare IEEE floating point primitives, structs and collections for equality
-
rapidhash
port of rapidhash: an extremely fast, high quality, platform-independent hashing algorithm
-
halfbrown
Multi backend HashMap for higher performance on different key space sizes
-
earcutr
port of MapBox's earcut triangulation code to Rust language
-
vek
Generic 2D-3D math swiss army knife for game engines, with SIMD support and focus on convenience
-
linregress
ordinary least squared linear regression with some basic statistics
-
simd-adler32
A SIMD-accelerated Adler-32 hash algorithm implementation
-
memx
memory functions like libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
alphanumeric-sort
can help you sort order for files and folders whose names contain numerals
-
rand_jitter
Random number generator based on timing jitter
-
levenshtein
algorithm
-
GSL
binding for the GSL (the GNU scientific library)
-
metrohash
high quality, high performance hash algorithm
-
adler
clean-room implementation of the Adler-32 checksum
-
arrow-ord
Ordering kernels for arrow arrays
-
fastcdc
(content defined chunking) in pure Rust
-
k
kinematics
-
wildcard
matching
-
rand_mt
Reference Mersenne Twister random number generators
-
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…
-
reed-solomon-simd
Reed-Solomon coding with O(n log n) complexity. Leverages SIMD instructions on x86(-64) and AArch64.
-
sketches-ddsketch
A direct port of the Golang DDSketch implementation
-
hexf-parse
Parses hexadecimal floats (see also hexf)
-
jubjub
elliptic curve group
-
merkle_hash
Finds the hashes of all files and directories in a directory tree
-
bytebuffer
networking and binary protocols
-
bm25
BM25 embedder, scorer, and search engine
-
simplerand
fast random number generator
-
permutation
Small utility for creating, manipulating, and applying permutations
-
rust-stemmers
some popular snowball stemming algorithms
-
fractional_index
fractional indexing
-
tree_iterators_rs
built to provide you with the iterators to easily work with tree data structures in Rust
-
geo-clipper
Boolean operations on polygons
-
partial_sort
provide a Rust version std::partial_sort
-
mapproj
(a part of) map projections defined in the FITS World Coordinate System (WCS)
-
flo_curves
manipulating Bezier curves
-
interp
Matlab's interp1 function
-
range-set
Smallvec-backed containers of sorted integer ranges
-
hime_redist
Redistributable runtime library for parsers generated with Hime (LR, RNGLR)
-
hnsw_rs
Ann based on Hierarchical Navigable Small World Graphs from Yu.A. Malkov and D.A Yashunin
-
timely
A low-latency data-parallel dataflow system in Rust
-
raft
language implementation of Raft algorithm
-
lattices
Lattice data types for simplifying distributed state by providing associativity, commutativity, and idempotence
-
nanorand
A tiny, fast, zero-dep library for random number generation
-
dusk-bls12_381
Fork of the implementation of the BLS12-381 pairing-friendly elliptic curve construction with some extra tooling needed by the Dusk team
-
ndarray-slice
Fast and robust slice-based algorithms (e.g., sorting, selection, search) for non-contiguous (sub)views into n-dimensional arrays
-
kand
Pure Rust technical analysis library inspired by TA-Lib
-
optirustic
A multi-objective optimisation framework for Rust
-
tenthash
A high-quality, non-cryptographic, 160-bit hash function
-
counter
package to count generic iterables
-
integer-sqrt
integer square root algorithm for primitive rust types
-
keyword_extraction
Collection of algorithms for keyword extraction from text
-
boyer-moore-magiclen
fast string search algorithm implemented in Rust
-
levenberg-marquardt
algorithm built on top of nalgebra
-
pubgrub
version solving algorithm
-
smawk
Functions for finding row-minima in a totally monotone matrix
-
cubecl-reduce
CubeCL Reduce Algorithms
-
linestring
line string toolbox
-
chalk-engine
Core trait engine from Chalk project
-
qr2term
Stupidly simple Rust crate to render a QR code in the terminal
-
knossos
generating and rendering mazes
-
i_float
This fixed float math library provides an efficient and deterministic solution for arithmetic and geometric operations
-
mt19937
A translation of the MT19937 Mersenne Twister rng algorithm to Rust
-
naive_opt
The optimized naive string-search algorithm
-
radsort
Radix sort implementation for sorting by scalar keys (integers, floats, chars, bools)
-
diff-match-patch-rs
The fastest implementation of Myer's diff algorithm to perform the operations required for synchronizing plain text
-
wyrand
A fast & portable non-cryptographic pseudorandom number generator and hashing algorithm
-
quantiles
a collection of approximate quantile algorithms
-
cam-geom
Geometric models of cameras for photogrammetry
-
russcip
Rust interface for SCIP
-
fast_paths
Fast shortest path calculations on directed graphs made possible by pre-processing the graph using Contraction Hierarchies
-
dypdl
Libarary for Dynamic Programming Description Language (DyPDL)
-
murmurhash32
murmurhash32_2
-
twofloat
Double-double arithmetic functionality
-
setsum
order-agnostic checksum
-
cggmp21
TSS ECDSA implementation based on CGGMP21 paper
-
scru128
Sortable, Clock and Random number-based Unique identifier
-
accurate
(more or less) accurate floating point algorithms
-
ndarray-rand
Constructors for randomized arrays.
rand
integration forndarray
. -
linfa-linalg
Pure-Rust implementation of linear algebra routines for ndarray
-
transpose
transposing multi-dimensional data
-
genetic_algorithms
solving genetic algorithm problems
-
muldiv
trait for numeric types to perform combined multiplication and division with overflow protection
-
tailcall
Safe, zero-cost tail recursion
-
dusk-poseidon
Poseidon hash algorithm over the Bls12-381 Scalar field
-
error_tools
Basic exceptions handling mechanism
-
highs
Safe rust bindings for the HiGHS linear programming solver. See http://highs.dev.
-
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.
-
cardinality-estimator
estimating the cardinality of distinct elements in a stream or dataset
-
aoc-parse
A little library for parsing your Advent of Code puzzle input
-
osqp
(Operator Splitting Quadratic Program) solver
-
robust
adaptive floating-point predicates for computational geometry
-
kube_quantity
adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
glissade
that provides various utilities for animations and transitions
-
lilt
running interruptable, transition based animations as a function of time
-
xgraph
A comprehensive Rust library providing efficient graph algorithms for solving real-world problems in social network analysis, transportation optimization, recommendation systems, and more
-
bevy_knossos
generating and rendering mazes
-
usearch
Smaller & Faster Single-File Vector Search Engine from Unum
-
orx-v
Traits to unify all vectors!
-
hierarchical_hash_wheel_timer
A low-level timer implementantion using a hierarchical four-level hash wheel with overflow
-
overlook
An animated visualiser of different maze generation and solving algorithms, running the terminal
-
petal-neighbors
Nearest neighbor search algorithms including a ball tree and a vantage point tree
-
incremental
computations, based on Jane Street's incremental
-
creusot-contracts
contracts and logic helpers for Creusot
-
scnr
Scanner/Lexer with regex patterns and multiple modes
-
arcos-kdl
ARCOS-Lab Kinematics and Dynamics Library
-
general-sam
A general suffix automaton implementation in Rust
-
probminhash
Minhash algorithms for weighted Jaccard index
-
rustfst-ffi
constructing, combining, optimizing, and searching weighted finite-state transducers (FSTs). Rustfst-ffi provides C interfaces of the Rust library
-
mergable
user-friendly and efficient CRDTs
-
auto-palette
🎨 A Rust library that extracts prominent color palettes from images automatically
-
rectangle-pack
A general purpose, deterministic bin packer designed to conform to any two or three dimensional use case
-
arpfloat
Arbitrary-precision floating point library
-
num_convert
Type converting library, conversions integers by overflow addition, supports generics types
-
cdshealpix
HEALPix tesselation
-
dbsp
Continuous streaming analytics engine
-
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
-
udigest
Unambiguously digest structured data
-
fletcher
A dependency free implementation of the Fletcher's checksum algorithm
-
rex-sm
Hierarchical state machine
-
advent-of-code
Solutions to Advent of Code
-
num-order
Numerically consistent
Eq
,Ord
andHash
implementations for variousnum
types (u32
,f64
,num_bigint::BigInt
, etc.) -
kdtree
K-dimensional tree in Rust for fast geospatial indexing and nearest neighbors lookup
-
cryptocol
cryptographic library that includes big number arithmatic operation, hash algorithms, symmetric-key cryptographic encryption/decryption algorithms, asymmetric-key (public-key) cryptographic…
-
vrp-cli
A command line interface for VRP solver
-
timsort
modified MergeSort used in Python and Java
-
s2-tilejson
Backwards compatible JSON format for describing s2 map tilesets
-
mini-mcmc
A compact Rust library for Markov Chain Monte Carlo (MCMC) methods with GPU support
-
ta
Technical analysis library. Implements number of indicators: EMA, SMA, RSI, MACD, Stochastic, etc.
-
itermore
🤸♀️ More iterator adaptors
-
satkit
Satellite Toolkit
-
interpn
N-dimensional interpolation/extrapolation methods, no-std and no-alloc compatible
-
dilate
A compact, high performance integer dilation library for Rust
-
diffusionx
random number/stochastic process simulation with high performance
-
quad-rand
Pseudo random implementation with core atomics
-
rucrf
Conditional Random Fields implemented in pure Rust
-
feruca
Unicode Collation Algorithm
-
feos-campd
Computer-aided molecular and process design using the FeOs framework
-
entropy-map
Ultra-low latency hash map using minimal perfect hash functions and compact encoding of values, minimizing memory footprint and storage size for efficient data retrieval
-
toktrie
LLM Token Trie library
-
lt-fm-index
Fm-index using k-mer lookup table for exact pattern matching
-
rust-spice
WOW! The complete NASA/NAIF Spice toolkit is actually usable on Rust
-
meos
Rust bindings for MEOS C API
-
random_color
generating random attractive colors
-
kd-tree
k-dimensional tree
-
rollgrid
pseudo-infinite open worlds
-
byteyarn
hyper-compact strings
-
random_word
Efficient functions for generating random words in many languages
-
advancedresearch-toy_model_of_physical_seshatic_identity
toy model for physical Seshatic identity that satisfies the holographic principle
-
graaf
Work with directed graphs
-
rsc_osrm
rust wrapper for osrm, folk from TehGoat/rs_osrm
-
rhai-sci
Scientific computing in the Rhai scripting language
-
opendp
differential privacy algorithms for the statistical analysis of sensitive private data
-
color_space
converting between color spaces and comparing colors
-
stcalc
Stack calculator
-
rithm
Arbitrary precision arithmetic
-
swipl
A high-level library for building SWI-Prolog extensions and embedding SWI-Prolog in rust applications
-
easyfft
providing an easy FFT API for arrays and slices
-
rdst
A flexible parallel unstable radix sort that supports sorting by any arbitrarily defined sequence of bytes
-
hyperloglogplus
HyperLogLog implementations
-
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.
-
geometry-predicates
port of robust geometric predicates
-
urandom
Produce and consume randomness, to convert them to useful types and distributions, and some randomness-related algorithms
-
extendhash
Rust Hash Extender
-
dogear
merging bookmark trees
-
rand_aes
AES based pseudo-random number generator
-
wcs
FITS World Coordinate System (WCS)
-
radiate
genetic algorithms and artificial evolution
-
here_be_dragons
Map generator for games
-
smolprng
A Small and Extensible PRNG written in Rust
-
dypdl-heuristic-search
Heuristic search solvers for Dynamic Programming Description Language (DyPDL)
-
clingo
Rust idiomatic bindings to the clingo library
-
broccoli
broadphase collision detection algorithms
-
graph_process_manager_loggers
Generic loggers for graph_process_manager_core
-
bevy_lookup_curve
Editable lookup curve for Bevy
-
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
-
brique-rs
A MLP library made from scratch, using the rust standard lib
-
relative-duration
Duration with negative capabilities
-
mpchash
Multi-probe consistent hashing algorithm implementation
-
four-bar
Four🍀bar library provides simulation and synthesis function for four-bar linkages
-
syntree_layout
visualize trees from the 'syntree' crate
-
algos
A collection of algorithms in Rust
-
tantivy-fst
tantivy-specific fork from the fst crate from Burntsushi. (Please use the fst crate instead.)
-
simsearch
lightweight fuzzy search engine that works in memory, searching for similar strings (a pun here)
-
od_opencv
Object detection utilities in Rust programming language for YOLO-based neural networks in OpenCV ecosystem
-
ids_service
that allows to generate unique Ids
-
xiangting
calculating the deficiency number (a.k.a. xiangting number, 向聴数).
-
xxhrs
Safe XXHash and XXH3 bindings
-
count-min-sketch
Count-min-sketch implementation
-
loga
Combined logging and error handling
-
english-to-cron
converts natural language into cron expressions
-
bit-iter
Iterate forward or backwards over the positions of set bits in a word
-
iter_tools
Collection of general purpose tools to iterate. Currently it simply reexports itertools.
-
rust_intervals
Intervals arithmetic with any combination of open, closed or infinite bounds, along with operations like intersection, convex hull, union, difference,
-
spareval
A SPARQL evaluator
-
ddo
generic and efficient framework for MDD-based optimization
-
fauxgen
write your own generators in stable rust
-
nabla-ml
A numpy-like library for Rust
-
sequence-generator-rust
Customizable 64-bit unique distributed IDs sequence generator based on Twitter's ID (snowflake). Build in Rust
-
acap
As Close As Possible — nearest neighbor search in Rust
-
polygons
Fast points-in-polygon test and distances to polygons
-
vecmath
type agnostic library for vector math designed for reexporting
-
stringmetrics
approximate string matching
-
crc32-v2
A port of the CRC-32 algorithm to Rust
-
pyinrs
type library that is as easy to use as Python built-in types
-
deaf
parsing and modifying ELF binaries
-
pokemon-rs
getting Pokémon names
-
tokio-util-codec-compose
Building blocks for composing tokio-util codecs
-
pracstro
A simplistic library for astronomy
-
numerical-multiset
An ordered multiset of machine numbers
-
dims
Unit-Aware Types Library
-
to_shmem
Trait to write to a contiguous chunk of shared memory
-
hyperlight-host
A lightweight Virtual Machine Manager that can be hosted in an application to safely run untrusted or code within a VM partition with very low latency and overhead
-
bit_gossip
Pathfinding library for calculating all node pairs' shortest paths in an unweighted undirected graph
-
varint-rs
A small, zero dependency varint implementation in Rust
-
logru
A small, embeddable and fast interpreter for a subset of Prolog
-
task-local-extensions
Task-local container for arbitrary data
-
randevu
The official Rust implementation of the RANDEVU algorithm
-
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
-
wavefc
A home-grown implementation of the Wave Function Collapse algorithm
-
time_series_generator
Generate various timeseries of given length, some randomly sampled
-
importunate
Methods for returning random elements from an iterator
-
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'
-
bevy_state_plugin_generator
A build-dependency that generates a Bevy State Plugin from a simple state definition
-
sfcgal
High-level bindings to SFCGAL and conversion from/to other geometry libraries
-
statig
Hierarchical state machines for designing event-driven systems
-
timberio/file-source
A high-performance observability data pipeline
-
clipper2
A polygon Clipping and Offsetting library for Rust
-
zeros
-
numext-fixed-uint
Fixed-size uint types
-
uniset
A hierarchical, growable bit set with support for in-place atomic operations
-
probability
The package provides a probability-theory toolbox
-
oxidd-reorder
Reordering algorithms for OxiDD
-
t1ha
T1AH (Fast Positive Hash) hash function
-
jopemachine-raft
language implementation of Raft algorithm
-
times
Timing Benchmark, Repeated Runs, with Statistics
-
dotlr
An LR(1) parser generator and visualizer created for educational purposes
-
hud-slice-by-8
HUD Software's Rust improved implementation of the Intel Slice-By-8 algorithm
-
sonic-api
API for formally-verifiable distributed contracts
-
noise-functions
A collection of fast and lightweight noise functions
-
fastnoise-lite
FastNoise Lite is an extremely portable open source noise generation library with a large selection of noise algorithms
-
liba
An algorithm library based on C/C++
-
compile_time_sort
Sort arrays and slices of primitives in const contexts
-
clipline
Efficient rasterization of line segments with pixel-perfect clipping
-
pm-remez
Parks-McClellan Remez FIR design algorithm
-
polars-ops
More operations on Polars data structures
-
lsmtk
log-structured-merge-graph
-
ipl3checksum
calculate the IPL3 checksum for N64 ROMs
-
sefar
evolutionary optimization algorithms
-
rand_core
Core random number generator traits and tools for implementation
-
kendalls
Kendall's tau rank correlation
-
lutz
"An Algorithm for the Real Time Analysis of Digitised Images" by R. K. Lutz
-
lazy_async_promise
Primitives for lazily getting data from futures with tokio for immediate mode guis
-
merkle-cbt
generating efficient Merkle tree and combined Merkle proof based on complete binary tree
-
is_sorted
Iterator sorted?
-
volute
Boolean functions implementation, represented as lookup tables (LUT) or sum-of-products (SOP)
-
gvox-rs
Voxel file format parser
-
easer
Tiny library imlementing Robert Penner's easing functions
-
h3o-zip
A compression scheme tailored for H3 cell indexes
-
rake
Rapid Automatic Keyword Extraction (RAKE) algorithm
-
datas
data structures and algorithms and data analisys
-
shared-buffer
An abstraction over buffers backed by memory-mapped files or bytes in memory
-
polynomial
manipulating polynomials
-
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.
-
movavg
Generic Moving Average calculation
-
sif-embedding
Smooth inverse frequency (SIF), a simple but powerful embedding technique for sentences
-
bpe-openai
Prebuilt fast byte-pair encoders for OpenAI
-
array__ops
A selection of useful array operations
-
mutcursor
Safely stores mutable references to parent nodes, for backtracking during traversal of tree & graph structures
-
muchin
Support for composing large, interacting, complicated state machines
-
sobol_burley
A seedable Owen-scrambled Sobol sequence
-
natord
Natural ordering for Rust
-
quine-mccluskey
Boolean function minimizer based on Quine–McCluskey algorithm
-
out
fast min and max functionality for collections
-
pingora-limits
rate limiting and event frequency estimation
-
is-tree
Everything is a tree
-
xgadget
Fast, parallel, cross-variant ROP/JOP gadget search for x86/x64 binaries
-
seastar
Dependency-free implementation of the A* pathfinding algorithm for uniform-cost, 2D grids in cardinal directions
-
flo_binding
Declarative binding library for Rust
-
graph-algorithms-rs
A collection of graph algorithms
-
rust_abf
reading data from Axon Binary Format (ABF) files
-
tolerance
Math representation of the physically needed permissible deviation of measures
-
graphina
A graph data science library for Rust
-
downstream
efficient, constant-space implementations of stream curation algorithms
-
permutator
Get a lexicographic cartesian product and lexicographic permutation at any specific index from data. Generate complete lexicographic cartesian product from single or multiple set of data…
-
libmacchina
that can fetch all sorts of system information
-
pasture-algorithms
Point cloud algorithms for pasture
-
crunch
A packer for cramming lots of rectangles into a larger one, designed primarily with sprite packing in mind
-
unarray
working with uninitialized arrays
-
recursive
Easy recursion without stack overflows
-
rand_simple
random number generator that is independent from the other libraries and based on XOR shift
-
tfon
Bitmap font parsing / conversion
-
kewb
manipulating and solving a 3x3 Rubik's cube with Kociemba's two phase algorithm
-
singlevec
Vec-like container optimized for storing only a single item
-
simple_hll
HyperLogLog implementation in rust
-
coord2d
rust lib for coordinate in 2d system
-
augurs-dtw
Dynamic Time Warping (DTW) algorithm for Rust
-
t-oc
Trie Occurrence Counter is frequency dictionary for any type implementing Iterator<Item = char>
-
realistic
Towards an API for the Real Numbers
-
elipdotter
Embeddable full text search engine
-
fast_polynomial
Faster polynomial evaluation using Estrin's Scheme to exploit instruction-level parallelism
-
f3l_search_tree
3D Point Cloud Library
-
opis
rational number and matrix arithmetic
-
adskalman
Kalman filter and Rauch-Tung-Striebel smoothing implementation using nalgebra, no_std
-
lds-rs
Low Discrepancy Sequence Generation in Rust
-
permutohedron
Generate permutations of sequences. Either lexicographical order permutations, or a minimal swaps permutation sequence implemented using Heap's algorithm.
-
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…
-
b2c2-parser
b2c2におけるBASICコードのパーサー?
-
tiny_sort
Binary-size optimized stable and unstable sorts
-
batsat
Extensible SAT solver in Rust
-
markov_namegen
Random text generators based on Markov models
-
uuid-by-string
Generating uuid-hash from string
-
ruffer
overwriting ring buffer library written in Rust
-
mitex-spec
Specification Library for MiTeX
-
tinymt
64/32 - a lightweight variant of Mersenne Twister PRNG
-
trender
graphics library for the terminal
-
openraft-sledstore
A sled based implementation of the
openraft::RaftStorage
trait -
autofloat
Pure Rust library for efficient automatic differentiation
-
breve
In-memory cache implementation with Uno as the admission policy and S3-FIFO as the eviction policy
-
generic_levenshtein
Generic and fast implementation of the Levenshtein distance
-
tetengo_lattice
Viterbi search and A* algorithm implementation
-
line-span
Find line ranges and jump between next and previous lines
-
pokers
Rust Poker Library
-
voracious_radix_sort
State of the art radix sort algorithms. Single thread and multi thread versions.
-
counting_sort
Counting sort implementation for Iterators
-
line-clipping
implementing line clipping algorithms
-
jagua-rs
A fast and fearless Collision Detection Engine for 2D irregular Cutting and Packing problems
-
spc-rs
SPC (Statistical Process Control)
-
spatial-decomposition
Algorithms to partition 2D spaces
-
capacity_builder
Builders where the code to calculate the capacity is the same as the code to write what's being built
-
ext-sort
rust external sort algorithm implementation
-
misfortunate
Perverse implementations of safe Rust traits
-
what3words-api
Official what3words API wrapper for rust
-
empty-fallback-chain
Iterator adaptor like chain, but conditional on empty first iterator
-
line-col
Convert string slice indices into line/column numbers
-
ckey
consistent hash key library
-
keyforge95
product key generation / validation for Windows 95 and other Microsoft products
-
timelag
Creating time-lagged time series data
-
qptrie
A QP-Trie implementation for Rust
-
float_plus
Additional features for float values
-
distances
Fast and generic distance functions for high-dimensional data
-
star-constellation
Nested threshold aggregation built on the STAR protocol
-
macro_tools
Tools for writing procedural macroses
-
smtlib
A high-level API for interacting with SMT solvers
-
localsearch
Local Search based Metaheuristics
-
rurel
Flexible, reusable reinforcement learning (Q learning) implementation
-
drain_filter_polyfill
current nightly implementation of Vec::drain_filter, copypasted out for use on stable
-
bit_manipulation
lightweight Rust crate for seamless management and validation of up to 128 option states. Empower your applications with efficient, flexible, and intuitive option handling, ensuring…
-
pathfinding_astar
A-Star pathfinding algorithm that can process absract and grid-like paths
-
ragged-buffer
Efficient RaggedBuffer datatype that implements 3D arrays with variable-length 2nd dimension
-
polylog
polylogarithms
-
random-nickname2
用于Rust的随机用户昵称生成器
-
violin
decentralized network coordinate system using the vivaldi algorithm
-
list_math
doing math on a list including average, smallest, largest, and standard deviation
-
risc0-bigint2
RISC Zero's Big Integer Accelerator
-
moku
creating hierarchical state machines
-
rosu-pattern-detector
Pattern detector for osu!
-
cap-rand
Capability-based random number generators
-
recursive_matching
Formulating unique assignments recursively
-
codeq
Codec trait
-
graphalgs
Graph algorithms based on the Rust 'petgraph' library
-
rustdct
Compute Discrete Cosine Transforms (DCT) of any size in O(nlogn) time, in pure Rust
-
undo_stack
A minimal undo stack for user defined types
-
louvre
A Robust Triangulation Algorigthm
-
pack_it_up
that implements various bin packing algorithms
-
libphext
A rust-native implementation of phext
-
witnesscalc-adapter
run witnesscalc in rust
-
multistochgrad
Stochastic Gradient, Multithreaded
-
spectrex
AstroBWTv3 CPU mining algorithm in Rust
-
secret-santa-rs
Generator for who buys for who in a secret santa
-
poly-ring-xnp1
Polynomial ring Z[x]/(x^n+1) for lattice-based cryptography
-
libtombala
Mugsoft Tombala Game
-
atomic-traits
The traits for generic atomic operations
-
memtest
detecting faulty memory
-
arrow-array
Array abstractions for Apache Arrow
-
iron-shapes
Basic data types and routines for computational geometry focused on VLSI chip design
-
zenu-matrix
Matrix library for ZeNu
-
unit-conversions
Various units of measurement conversions
-
random-pick
Pick an element from a slice randomly by given weights
-
hash-iter
Iterator producing sequence of hash values for a given input (using double hashing technique)
-
fixed32
Fixed Point types
-
cyclic-poly-23
A rolling, decomposable hash algorithm
-
hex2d
Helper library for working with 2d hex-grid maps
-
rapid-qoi
Optimized QOI format encoder and decoder
-
trie_rcv
Ranked Choice Voting implementation using Tries in Rust
-
avt
asciinema virtual terminal
-
kak-tabs
kakoune tabs
-
random-string
Allows to generate random strings based on a given charset and length
-
contourable
differentiable functions
-
monte-carlo-tree-search
Monte Carlo Tree Search to find good moves in two player games
-
decmathlib-rs
Port of the Intel Decimal Floating-Point Math Library decimal128 type to Rust
-
sp_log2
easy way of logging for Rust's log crate
-
vector_quantizer
vector quantization utilities and functions
-
geo-buf
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton. This crate builds upon the (presumably abandoned) geo-buffer crate.
-
fast-tlsh
generate / parse / compare TLSH locality sensitive hashes
-
adss
Adept Secret Sharing framework
-
pi_graph
dag interface
-
relp-num
Number types for the relp crate
-
lp-solvers
.lp file format implementation and external solver invocation for Cbc, Gurobi, cplex, and GLPK
-
binary-merge
Minimum comparison merge of two sorted sequences with random access
-
count-digits
A no-std trait to determine the lengths of integers in various number bases
-
adler2
clean-room implementation of the Adler-32 checksum
-
chibihash
hash function
-
portmatching
Fast Graph Matching for Port Graphs
-
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.
-
control_systems_torbox
Control systems toolbox
-
krakel
A lean 2d kd-tree ported from OpenCamLib
-
mersenne-twister-m
mersenne twister pseudorandom number generator
-
ringstack
A very simple circular buffered stack implementation
-
cityhash-rs
Rust no_std implementation of Google Cityhash v1.0.2, v1.0.3, and v1.1.0
-
derangements
Generate derangements of an iterable
-
fuzzyhash
Pure Rust fuzzy hash implementation
-
gridish
working with British and Irish national grid strings
-
compute-it
define a lazy evaluated computation graph
-
autodiff
An automatic differentiation library
-
bye_nanoflann_rs
KD-Tree, implemented based on nanoflann, primarily optimized for 2D or 3D point clouds
-
puan-rust
Puan package contain tools for defining logic relationships among linear inequalities and reduction algorithms
-
fast-boolean-anf-transform
Fast implementation of the boolean Algebraic Normal Form (ANF) transform
-
kalmanfilt
Kalman and other filters from Kalman-and-Bayesian-Filters-in-Python
-
probabilistic_bisector
bisection for one-dimensional functions in the presence of noise
-
palindronum
Number palindromes
-
mittagleffler
High performance implementations of the Mittag-Leffler function
-
length
handle length/distances easyly. It can parse a string with several units (m, km, mi, ft, ...) into the Length-struct and converting into other units.
-
tournament-kway
k-way merge using a tournament tree
-
eta-algorithms
Low overhead data structures focused on performance
-
flexihash
Consistent hashing following the API and compatible with flexihash-php and flexihash-py
-
compare_version
comparing semantic versioning strings and checking version compatibility
-
prescript
parsing and executing Prescript scripts
-
twistrs
An asynchronous domain name permutation and enumeration library
-
arbi
Arbitrary Precision Integer
-
graph_builder
A building block for high-performant graph algorithms
-
grid_pathfinding
Pathfinding using JPS and connected components on a grid
-
del-ls
sparse solver library for research prototyping
-
i_triangle
Polygon Triangulation Library: Efficient Delaunay Triangulation for Complex Shapes
-
httlib-huffman
Canonical Huffman algorithm for handling HPACK format in HTTP/2
-
bex
working with boolean expressions (syntax trees, decision diagrams, algebraic normal form, etc.)
-
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…
-
ognlib
Some code that is written to practice Rust
-
pdqselect
Selects the kth smallest element of a slice, based on Orson Peters's Pattern Defeating Quickselect
-
bpe-tokenizer
A BPE Tokenizer library
-
oefpil
Optimum Estimate of Function Parameters by Iterated Linearization (OEFPIL): Algorithm for nonlinear function fitting to data with errors in both dependent and independent variables where correlation…
-
sanitation
developing memory-safe programs while detecting and capturing possibly malicious bytes
-
lazy-bytes-cast
Lazy casts from & to byte arrays
-
mattr
transposing multi-dimensional data
-
fast_loaded_dice_roller
novel Fast Loaded Dice Roller algorithm (https://arxiv.org/pdf/2003.03830.pdf)
-
sgrust
A sparse grid library written in Rust
-
fast-ordered-buffer
A faster buffering implementation for asynchronous streams, trading off memory usage for speed
-
drcp-format
Parse and write DRCP and literal definition files
-
open-hypergraphs
Data-Parallel Algorithms for Open Hypergraphs
-
programinduction
program induction and learning representations
-
hostlist-parser
Parses hostlist expressions into a Vec of Strings
-
bsa3-hash
The hash function used in BSA files for *The Elder Scrolls III: Morrowind*
-
sniffer-rs
that simplifies fuzzy string matching in rust
-
loop
The package allows for processing iterators in parallel
-
multid
2-d arrays, badly
-
enontekio
solve problems with data extraction and manipulation, like Advent of Code puzzles
-
gdsl
graph data-structure library including graph containers, connected node strutures and efficient algorithms on those structures. Nodes are independent of a graph container and can be used as connected smart pointers
-
leetcode-tui-core
Leetcode tui related core modules
-
amonoid
A general-purpose monoid library
-
parol_runtime
Runtime library for parsers generated by the 'parol' parser generator
-
iter-set-ops
Fast set operations on an arbitrary number of sorted deduplicated iterators
-
env_parser
Env parser. Parse your env file and create a Rust file with mapped properties
-
belnapian
Belnap's 4-valued logic basic building blocks in Rust
-
cint
A lean, minimal, and stable set of types for color interoperation between crates in Rust
-
polyline-ffi
FFI bindings for the polyline crate
-
multistream-batch
Implementations of batching algorithms
-
fixed32-math
Geometric types
-
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
-
ratel_bandit
Muti-armed Bandit Simulator
-
rmpfit
Pure Rust implementation of the CMPFIT library
-
solaris-rs
predict the position of the Sun
-
dmp
A high-performance library in that manipulates plain text
-
lerp
Generic linear interpolation and extrapolation, automatically implemented for a variety of numeric types
-
ratio-genetic
Ratio's genetic algorithms library
-
pyin
pYIN pitch detection algorithm written in Rust
-
lazyrand
generating random numbers easily
-
human-friendly-ids
Generate non-visually ambiguous IDs
-
rounded-div
Get rounded result of an integer division
-
rmqtt-raft
raft framework, for regular people
-
rev_lines
Rust Iterator for reading files line by line with a buffer in reverse
-
clf
flush the cpu cache line by __builtin_clear_cache()
-
zen-expression
Zen Expression Language
-
space-search
providing basic generic depth-first, breadth-first, heuristic-guided, and A* search space exploration algorithms
-
dynalgo
A tiny library designed to produce animated SVG images that can illustrate graph algorithms in action
-
aeruginous-io
A set of input / output utilities for the Aeruginous Open Source Development Toolbox
-
dredd-rs
rules engine for Rust, adapted from the Dredd implementation for Android
-
hclua
-
g2poly
Primitive implementation of polynomials over the field GF(2)
-
itemizer
Containing an itemizer to itemize structs
-
tdigests
An efficient Rust implementation of the t-digest algorithm
-
mackerel_plugin
Mackerel plugin helper library
-
astra-num
A wrapper lib around num_bigint, num_integer, and num_traits with extra utilities for handling incredibly large (astronomical) values
-
float_next_after
A trait for native rust f64/f32 nextafter
-
utility_converter
lib offering accurate conversions for temperature, weight, and distance
-
nonbox
NaN boxing without boxing
-
isbn
handling ISBNs
-
soukoban
some algorithms and data structures related to Sokoban
-
rolling-stats
Rolling statistics calculations (min/max/mean/std_dev) over arbitrary floating point numbers based on Welford's Online Algorithm
-
fast-shard
High-performance configurable sharding library with SIMD optimizations
-
sign-bound
Layout-optimized positive and negative integers
-
umash
Idiomatic API for the umash hash/fingerprint function
-
sfparse
RFC 9651 Structured Field Values parser
-
furze
finite state transducers (fst) writen in rust
-
hammer-and-sample
Simplistic MCMC ensemble sampler based on emcee, the MCMC hammer
-
lerpable
a derive macro for combining ADTs
-
turborand
Fast random number generators
-
cosmogony
geographical zones with a structured hierarchy
-
genetic-rs
A small crate for quickstarting genetic algorithm projects
-
suggest
A minimal library to provide similar name suggestions like "Did you mean?"
-
yara-x-parser
A parsing library for YARA rules
-
raddy
An automatic differentiation system for geometry and simulation
-
random_variant
To be used with all variant, contains the derive macro
-
starlight
experimental HDL and optimizer for DAGs of lookup tables
-
zoc
Z-order curve based multidimensional range search
-
rust_cascade
bloom filter cascade implementation in Rust
-
time_priority_order_algoritmh
algorithm create a cronogram of action sorted by time of occurrence time avoiding time colisions
-
fnir
Fast numerical integration rules, like tanh-sinh quadrature
-
tagged_ufs
A union-find-set implementation, in which sets can be associated with tags. When two sets are united, their tags are merged
-
atrocious_sort
Some of the most useless sorting algorithms implemented in Rust
-
reals
Computable and unified real numbers
-
cplit
Competitive Programming Library in Rust
-
rustiq-core
Quantum circuit synthesis library in rust
-
hypervector
that implements hyperdimensional vectors and VSAs
-
graphbench
A sparse graph analysis library
-
irange
A data structure to store and manipulate ranges of integers with set operations
-
x-diff-rs
compare XML semantically
-
imgdd
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
snowflaker
A Twitter snowflake algorithm simply implemented in Rust
-
graph-sparsifier
A graph sparsifier based on an approximated PageRank algorithm
-
hasty
interface to system BLAS libraries for fast linear algebra operations
-
idx_binary
Indexed binary file. It uses mmap , various_data_file and avltiree.
-
randm
Small, fast, and efficient random generation crate
-
hypertwobits
cardinality estimation algorithm
-
mylibrary_
my personal library
-
derail
An alternative to
core::error::Error
-
combination
A lib to do math jobs like permutate and combinate data from vec
-
ncollide3d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry3d crate.
-
iceyee_random
Random
-
u144
Unsigned Integer 144 bits
-
doxygen-bindgen
Converts Doxygen comments into Rustdoc markdown
-
sbatch-rs
sbatch command generator
-
ccsort
clone of the Unix sort command, with multiple sorting algorithms
-
extsort
External sorting (i.e. on disk sorting) capability on arbitrarily sized iterator
-
glidesort
sorting algorithm
-
progress-encode
Progress ENCODE function
-
weighted_rand
A weighted random sampling crate using Walker's Alias Method
-
spacetimedb-commitlog
SpacetimeDB commitlog
-
quadtree-f32
dependency-free ID-based quadtree
-
screeps-game-utils
Additional utility functionality for Screeps: World not included in screeps-game-api
-
prime-checker
hold sample functions to check the prime-ness of a given unsigned, 64-bit integer
-
netgauze-analytics
Analytics infrastructure related library
-
kmeans
Small and fast library for k-means clustering calculations
-
ch_cityhash102
ClickHouse CityHash implementation
-
noiselib
procedural 1D, 2D, 3D and 4D noise and fractal functions
-
steepen
Create multiple iterators from a single iterator by separating elements
-
odesign
optimal design of experiments library written in pure rust
-
bandit
Algorithms in Rust
-
timely_container
Container abstractions for Timely
-
general_stable_vec
A Vec implementation with stable indices
-
cuda_std
Standard library for CUDA with rustc_codegen_nvvm
-
instant-distance
Fast minimal implementation of HNSW maps for approximate nearest neighbors searches
-
treerder
Trie ordering for type implementing Orderable
-
text-parsing
Hierarchical text processing preserving char position info
-
wager
Primitive types and functionality for betting odds
-
poi
A pragmatic point-free theorem prover assistant
-
unescape_zero_copy
Unescape strings without allocating memory
-
galois_2p8
Basic Arithmetic over all GF(2^8) fields
-
rs-snowflake
Rust version of the Twitter snowflake algorithm
-
double-ended-peekable
An adapter providing peeking features to double-ended iterators
-
x32_osc_state
X32 State Tracker via Open Sound Control
-
hyperloglog-rs
HyperLogLog trying to be parsimonious with memory
-
electosim
compute electoral methods (as D'Hondt) and simulate elections
-
faro_sharding
Non-shuffling sharding algorithm
-
envsubst
Variables substitution
-
fast-math
Fast, approximate versions of mathematical functions
-
sets
Generic vectors as sets. Efficiently sorting, merging, ranking, searching, reversing, intersecting, etc.
-
uuid25
25-digit case-insensitive UUID encoding
-
twitter_snowflake
A lightweight, efficient library that implements Twitter's Snowflake algorithm
-
linearsort
Sorting in linear time 🤔
-
arrowdb
高性能本地向量数据库
-
rustplex
A linear programming solver based on the Simplex algorithm for Rust
-
keyphrases
Rapid Automatic Keyword Extraction (RAKE) implementation in Rust
-
flxy
Full-text searching and scoring of strings
-
ran
fast random numbers generation
-
fenex
parsing and handling FEN and algebraic chess notations
-
advanced-pid
An advanced PID control library implemented in Rust
-
geos-sys
GEOS C API bindings
-
hyperloglog
in Rust
-
spiral
Iterate over a 2D structure in a spiral pattern
-
subslice
Fast subslice search
-
sark_pathfinding
astar pathfinding algorthim from red blob games https://www.redblobgames.com/pathfinding/a-star/implementation.html and 'Dijkstra Maps' from https://www.roguebasin.com/index.php/Dijkstra_Maps_Visualized
-
fast_hilbert
Fast Hilbert 2D curve computation using an efficient Lookup Table (LUT)
-
ordinal
Formatting of ordinals (1st, 2nd, 3rd etc)
-
reinforcex
Deep Reinforcement Learning Framework
-
arrow-csv
Support for parsing CSV format to and from the Arrow format
-
iregex-automata
Finite automata definitions for the
iregex
crate -
indexsort
sort crate, porting Golang sort package to Rust
-
pagination-packing
efficiently solving bin-packing problems with overlap: so-called “pagination” problems
-
rapid_solve
metaheuristic framework for solving combinatorial optimization problems
-
evo_framework
Evo(lution) framework: A powerful framework designed for ai
-
office-to-pdf
Convert office files to pdf files
-
dawg
Directed Acyclic Word Graph
-
international_standard_atmosphere
This model was implemented using the Manual of the ICAO Standard Atmosphere - extended to 80 kilometres / 262,500 feet (Doc 7488)
-
sort
sort algorithms
-
breakout
detection for Rust
-
paillier-zk
ZK-proofs for Paillier encryption scheme
-
appendlist
An append-only list that preserves references to its elements
-
kociemba
solving the 3x3 Rubik's cube with Kociemba's two phase algorithm
-
partition
slices in-place by a predicate
-
gad
Generic automatic differentiation for Rust
-
pikkr
JSON Parser which picks up values directly without performing tokenization in Rust
-
winstructs
Common structures used in parsing various windows protocols
-
dlt
DLT (direct linear transform) algorithm for camera calibration
-
zmatrix
matrix calculation lib
-
hecate-common
Common data structures for the hecate vm
-
dywapitchtrack
by Antoine Schmitt
-
pinned-deque
A high-performance double-ended queue, inspired by BOOST deque. Every element in this deque is pinned until its popping
-
jaime
j.a.i.m.e. is an ergonomic all purpose gradient descent engine
-
varisat
A CDCL based SAT solver (library)
-
rectutils
Common algorithms for rectangles (quadtree, rect packing, etc.)
-
diffs
A number of diff algorithms, also called longest common subsequence
-
tinymvt
serializing Mapbox Vector Tile (MVT) with minimal dependencies
-
ternlog
Ternary logic operations on integer types
-
mot-rs
Dead simple multi object tracking in Rust
-
extprim
Extra primitive types (u128, i128)
-
kabsch_umeyama
Kabsch-Umeyama algorithm is a method for aligning and comparing the similarity between two sets of points. It finds the optimal translation, rotation and scaling by minimizing the root-mean-square deviation (RMSD)…
-
mur3
language implementation of MurmurHash3
-
decnumber-sys
Low-level bindings for libdecnumber
-
ropr
A blazing fast multithreaded ROP Gadget finder. ropper / ropgadget alternative
-
oxygraph
Algorithms and structures on ecological graphs
-
cifar-ten
Parses the CIFAR-10 dataset binary files, with methods for downloading and ndarray conversion
-
geo-visibility
Compute visibility polygon
-
screwsat
condlict driven clause learning sat solver
-
bye_abow_rs
Visual bag of words for fast image matching without opencv
-
fqdn-trie
FQDN (Fully Qualified Domain Name) lookup structures (based on tries)
-
genrc
refcounted pointer type that allows subobject pointers
-
zkp_fiat_shamir_lib
non-interactive ZKP Fiat-Shamir
-
cdc-chunkers
A collection of Content Defined Chunking algorithms
-
imohash
Fast hashing for large files
-
async_wrr_queue
[async & high performance] queued weighted round-robin load balance algorithm
-
basic_dsp_matrix
Digital signal processing based on real or complex vectors in time or frequency domain
-
cgl-src
Redistribution of Coin-OR Cgl as a crate
-
relp
Rust Exact Linear Programming
-
coalesced_intervals
Data structure for maintaining maximally-coalesced 1D intervals
-
cubecl-opt
Compiler optimizations for CubeCL
-
another-html-builder
html builder, focused on being a helper for creating elements, escaping attributes, escaping text, but not caring if the html structure is valid. It's up to the developer to test that.
-
mem-rearrange
Rearrange memory from one array to another of different storage layouts
-
crc-frame
functions for reading and writing crc32'd framed buffers
-
checksum-tapestry
Collection of checksum algorithms and examples
-
mckernant1-tools
My random tools
-
axgeom
that provides ability to extract 1d ranges out of 2d objects
-
branch-and-bound
Branch and Bound / Backtracking algorithms generic template library
-
vf2
VF2 subgraph isomorphism algorithm in Rust
-
topo_sort
A 'cycle-safe' topological sort for a set of nodes with dependencies
-
median
efficient O(n) median filter
-
featomic
compute representations for atomistic machine learning
-
qrc
generating and manipulating QR code images in various formats
-
blake2b-ref
A
no_std
BLAKE2B implementation -
uint256
A light-weight implementation of 256-bit unsigned integers type with semantic API
-
bpe
Fast byte-pair encoding implementation
-
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
-
int_math
Integer math
-
peek-again
A performant iterator providing double peek functionality
-
arithmetify
arithmetic coding
-
greyjack
Rust version of GreyJack Solver for constraint continuous, integer, mixed integer optimization problems
-
cdchunking
Content-defined chunking
-
rs2
Reed-Solomon FEC for CCSDS downlink decoding
-
xyzvec
Statically allocated fixed-size vectors for working in 2 and 3 dimensions
-
dusk-hades
Hades252 permutation algorithm over the Bls12-381 Scalar field
-
spatial
An N-Dimensional R-tree family spatial tree implementations
-
cryptominisat
Rust bindings for CryptoMiniSat, a boolean satisfiability solver
-
u4
nibble (4-bit integer) library, with packed representations
-
sophus_autodiff
automatic differentiation with optional SIMD acceleration
-
sparta
software components specially designed for building high-performance static analyzers based on the theory of Abstract Interpretation
-
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…
-
cnccoder
generating gcode operations targeted for GRBL controled cnc machines, and also generates camotics projects for simulation
-
hora
Hora Search Everywhere
-
diffmatchpatch
Rewrite of diff-match-patch in Rust
-
rotary-permutator
Permutations iterator
-
vrp-core
A core algorithms to solve a Vehicle Routing Problem
-
punkt
sentence tokenizer
-
substack
Stackbound iterable linked list for heap-free recursive algorithms
-
dfp-number
Decimal floating-point arithmetic for Rust
-
friedrich
Gaussian Process Regression
-
bluenoise_sampler
Precomputed blue noise for fast sampling
-
rand_chacha
ChaCha random number generator
-
strtod
A high precision floating point parser implementation for Rust
-
cvt
Expose the cvt function from Rust libstd
-
rustint
working with RGB colors
-
tokeneer
tokenizer crate
-
rustlearn
A machine learning package for Rust
-
zero-plonk
A pure-Rust implementation of the PLONK ZK-Proof algorithm
-
convolve2d
Easy and extensible pure rust image convolutions
-
timely-container-master
Container abstractions for Timely
-
regexsolver
Manipulate regex and automaton as if they were sets
-
guid-create
Rust helper for creating GUIDs
-
range_rover
Function to pack integers into ranges
-
collision
extension to cgmath
-
iterextd
This trait provides additional methods for working with iterators, enhancing their functionality
-
fts-solver
A reference solver for flow trading optimization
-
imstr
Cheaply clonable and slicable immutable strings
-
stochastic_universal_sampling
The stochastic universal sampling algorithm for the rand crate
-
stable_matching
Gale-Shapley stable matching algorithm
-
reusing-vec
Wrapper over Vec that allows elements to be reused without dropping them
-
sepax2d
A safe crate for finding and resolving collisions of 2D convex shapes using the Separating Axis Theorem
-
actionable
An enum-based async framework for building permission-driven APIs
-
zipf-fixed
A faster zipf distribution that uses more memory
-
anyhash
Traits and utilities for making hashes of any type
-
hrv-algos
A collection of algorithms for heart rate variability analysis
-
blok
Types and traits for graphlike 3D arrays, designed for visual thinkers
-
boolector
Safe high-level bindings for the Boolector SMT solver
-
meshmeshmesh
Open-source mesh processing library
-
fastcdc-alt
FastCDC (content defined chunking) implementation in pure Rust with an alternative API to the original crate
-
ring_buffer
RingBuffer is a queue with added random access
-
pcg_rand
PCG family of random number generators in pure Rust
-
phastft
A high-performance, quantum-inspired, implementation of FFT in pure Rust
-
density-mesh-core
Core module for density mesh generator
-
nscldaq_ringbuffer
Low level NSCLDAQ ring buffer access
-
bies
Helpers for dealing with BIES vectors with text segmentation applications
-
microns
float to fixed precision conversion
-
agnostic-levenshtein
Levenshtein distance for ASCII or Unicode strings
-
accumulator-plus
Accumulator based on Biguint
-
scc-trait
Trait-based Strongly Connected Components Calculation
-
wpa-psk
Compute the WPA-PSK of a Wi-FI SSID and passphrase
-
memx-cdy
The fast memory functions like a libc memcmp(), memchr(), memmem(), memcpy(), memset()
-
rust-tensors
n-dimensional arrays
-
greek_number
Convert numbers to Greek number strings
-
joto_constants
Constants for interoperation between US Customary and SI units
-
math-ops
Mathematical and statistical operations on vectors
-
simple_vector2
libary for generic vector manipulation that just works
-
hash-roll
Rolling hashes & Content Defined Chunking (cdc)
-
iterators_extended
Some useful extensions to Rust's iterators
-
ac-library-rs
port of AtCoder Library (ACL)
-
mm1-sup
M/M/1! Queueing, do you speak it?!
-
vrp-scientific
An extension logic for solving scientific VRP
-
weighted-rs
A libray for weighted balancing algorithm
-
easing-function
easing functions for animation tweening
-
reed-solomon-16
Reed-Solomon GF(2^16) erasure coding with O(n log n) complexity
-
aaronson-oracle
ngram-based predictor for a binary choice
-
gaoya
Locality Sensitive Hashing Data Structures
-
hash_utils
A collection of hash functions
-
mini-rx
bare-bones "reactive programming" (change propogation) using a central data dependency graph
-
sobol
sequence generator for Rust
-
voxcov
Write something
-
redux-rs
Redux
-
pagat
that helps you split the bill
-
unkocrypto_rs
unkocrypto (rust)
-
stack-cell-ref
Share a reference in thread inner
-
impact-rs
Collision query library for 2D games
-
thinkrust_algorithms
Basic Algorithms: Binary Search and Find Max from an array
-
editdistancek
Fast algorithm for computing edit distance
-
shape-core
Definition of geometry shapes
-
dzn-rs
dealing with DZN files used in the MiniZinc language
-
hinted
small crate for providing a size hint and exact size on an iterator
-
ms_toollib
Algorithms for Minesweeper
-
trail-sense-sol
science and math in the real world
-
rsbatch-maestro
flexible batch splitting and management with various strategies
-
integraal
Integral computation, done in Rust!
-
phi-accrual-failure-detector
Phi Accrual Failure Detector
-
tectonic_engine_spx2html
The Tectonic engine that converts SPX output to HTML
-
murmurhash3
MurmurHash3 implementation
-
random_lcg
lcg random number generator
-
spiro
Raph Levien's C implementation of Spiro in pure Rust, transpiled by C2Rust and then heavily edited
-
grb-sys2
Gurobi C API FFI declarations
-
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.
-
lax
LAPACK wrapper without ndarray
-
hypersonic
Formally-verifiable distributed software
-
velodyne-lidar
Velodyne lidar data processing algorithms and utilities
-
convert-base
convert the radix (base) of digits stored in a vector
-
rust-3d
2D/3D library written in rust
-
rustsat-ipasir
IPASIR bindings for RustSAT
-
nipdf-cff-parser
that parses CFF files, part of nipdf library
-
hilbert
curve transform and inverse for points having two to thousands of dimensions, using Skilling's algorithm
-
wyhash
fast portable non-cryptographic hashing algorithm and random number generator
-
round_robin
Create a vector of rounds and their respective matches in a tournament, using the Round-robin algorithm
-
ros-nalgebra
ROS message converter for rosrust and nalgebra
-
data-structures-algorithms
Data Structures and Algorithms in Rust!
-
random-picker
Generates random choices based on the weight table of probabilities. It can be used to calculate each item's probability of being picked up when picking a given amount of non-repetitive items…
-
toyai
A small collection of ai algorithms to perform some simple prediction on structured data
-
oxigen
Fast, parallel, extensible and adaptable genetic algorithm library
-
for_each
Apply macro for each element of a list
-
vcg-auction
A Vickrey-Clarke-Groves auction library
-
svdlibrs
port of LAS2 from SVDLIBC
-
addchain
Generate addition chains
-
fast-erasure-shake-rng
Fast erasure (forward secure) sponge/duplex based PRNG using the Keccak permutation
-
dendritic-knn
Package for algorithms related to K Nearest Neighbors
-
controlled_astar
that provides an enhanced A* pathfinding algorithm with controllable node directions and block statuses, ideal for complex pathfinding scenarios
-
human-sort
Human sort (natural sort) implementation
-
limited-queue
a limited queue that overrides the oldest data if trying to push a data when the queue is full
-
fast_trie
A memory efficient trie library
-
biscuit-converter
A decimal ASCII parser
-
turing-lib
Turing library for Rust
-
order-stat
Compute order statistics efficiently via the Floyd-Rivest algorithm and estimate a median via the median-of-medians algorithm
-
dasp_envelope
Audio PCM DSP envelope detection with peak and RMS implementations
-
maschen
A no-std compatible shunting yard implementation
-
anaso_algorithm
The recommendation algorithm for Ana.so
-
ismcts
Information Set Monte Carlo Tree Search
-
lol-core
A Raft implementation in Rust language
-
sort-const
Sort arrays and slices in const contexts
-
rand-unique
A no-std crate for generating random sequences of unique integers in O(1) time
-
kdtree-ray
Fast Kdtree implementation for raytracer
-
easy_salt
generating hashed strings with salt, currently based on easy-hasher crate
-
mazer
generating and solving mazes of various maze algorithms and grid types
-
murmurhash
MurmurHash3 implementation in Rust
-
sstable
Sorted String Tables, an on-disk format for storing immutable maps consisting of string,string pairs, and retrieving values by key efficiently. This crate also features bloom filters…
-
rust_sensitive
Sensitive word filtering, support multiple data source loading, multiple filtering algorithms, multiple operation functions
-
requests_rs
sending GET/POST requests and parsing jsons, included with an async file downloader. Intended for mostly small projects which need to make quick GET/POST requests or download files.
-
linesweeper
Robust sweep-line algorithm and two-dimensional boolean ops
-
bisector
Flexible bisect implementatation which allows the use the bisection method on arbitrary data types
-
inator
Optimal zero-copy parsers with nondeterministic finite automata
-
canrun
A logic programming library inspired by the *Kanren family of language DSLs
-
sudoku-solver
backtracking algorithm for solving sudoku
-
rb-interval-map
rb-interval-map
is a map based on interval tree -
big-int
arbitrary-precision, arbitrary-base arithmetic, supporting arbitrarily large integers of any base from 2 to u64::MAX
-
algebraics
algebraic numbers library
-
num-cmp
Comparison between differently typed numbers
-
discriminant-rs
Convert enum to integer type
-
ksq
k-2 tree
-
minstd
minimal standard random number generator
-
ssa-impls
common SSA algorithms
-
mocats
A fast, easy-to-use, generalized Monte Carlo Tree Search library. Works for any game, any number of players, and any tree policy (UCT Policy included as a default).
-
xmlwriter
streaming XML writer
-
matrix-oxide
Lightweight Linear Algebra Library For Rust
-
NumGuessRust
number guessing game program where players have to guess a random number between 1 and 100
-
multidimension
High-level manipulation of multi-dimensional arrays
-
clock-steering
Functionality for manual clock steering
-
GORBIE
GORBIE! Is a minimalist notebook library for Rust
-
quickdiv
Faster repeated division and modulo operations by the same divisor
-
rust-clacc
Rust implementanion of a CL universal accumulator
-
boolector-sys
Low-level bindings for the Boolector SMT solver
-
hexagex
Match binary data with hexadecimal regexes
-
isbn3
handling ISBNs
-
elon_sort
the worst sorting algorithm
-
sa-is
algorithm for suffix array construction
-
mako_infinite_shuffle
Iterates over combinatorial spaces in a random order
-
rattler_libsolv_rs
SAT solving library for dependency resolution
-
dioxus-lazy
Async list components for Dioxus
-
decursion
Write recursive algorithms without worrying about stack overflows
-
ru_annoy
annoy(https://github.com/spotify/annoy) (Index serving only). Providing C api as well
-
min2phase
An optimized implementation of two-phase algorithm for solving Rubik's cube
-
pi_orca
A* Path Finding Algorithm
-
microcad-lang
µcad language
-
augurs-clustering
Time series clustering
-
uuidv7
UUIDv7 implementation
-
rustronomy-watershed
a pure-rust implementation of the segmenting and merging watershed algorithms
-
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…
-
aula_27
Aula de Library
-
mc64
Sparse matrix scalings
-
shiftnanigans
contains different iteration data structures for either iterating or for shifting iteratively forward and backward
-
eqlog-runtime
Datalog with equality
-
rust-bigint
Common traits and methods for multiple BigInt implementations
-
meiosis
An evolutionary algorithm library with as many compile time checks as possible
-
social_tournament
Libray to create a social double or single tournament
-
simple-easing
Set of simple easing functions
-
binpack2d
A two-dimensional rectangle bin-packing algorithm
-
parity-map
For mapping integers based on their parity
-
crcxx
computes CRC-8/16/32/64/128 using various methods. Included catalog of CRC parameters simplify usage.
-
cogitate
Algorithms made in Rust
-
spenso
A tensor (n-dim array) network, iterating, and contraction (using automatic abstract index matching) library
-
travelling_salesman
Travelling Salesman Problem Solvers
-
datasketches
The Apache DataSketches Library for Rust
-
bool-utils
functions for working with boolean values
-
tick-id
Tick ID for deterministic simulations
-
slidy
working with sliding puzzles
-
lookup-tables
High performance & compile-time customizable lookup tables
-
gcoord
地理坐标系转换工具:提供WGS84、GCJ02、BD09坐标系之间的转换。(Geographic Coordinate System Conversion Tool: Offers conversion between WGS84, GCJ02, and BD09 coordinate systems.)
-
cranberry
Transliteration of Russian Cyrillic into Latin Script
-
collect_exact
Allows zero-cost collection into exact-size arrays and tuples
-
pth
Collection of algorithms and structures to handle paths properly
-
random
The package provides sources of randomness
-
fast_ode
Fast Runge-Kutta implementation for solving ordinary differential equations
-
mctser
An incridiblely easy-to-use library for Monte Carlo Tree Search
-
svi
a function to interpolate variables in a hashmap into a format string
-
sunrise-sunset-calculator
Sunrise sunset calculator for Rust, supports extreme latitudes
-
pimc
Scientific computing library for Path Integral Monte Carlo (PIMC) simulations
-
fibonacci-numbers
The 59th Fibonacci number
-
earclip
Triangle mesh designed to be fast, efficient, and sphere capable
-
bbtk
A collection of frequently used libraries that should be in stdlib
-
net_promoter_score
calculating Net Promoter Score (NPS) from survey responses
-
hashers
A collection of non-cryptographic hashing algorithms for Rust
-
data_storage_units
Unit converter for rust language
-
minesweeprs
Probabalistic minesweeper solver, based on https://mrgris.com/projects/minesweepr/
-
coord_transforms
performing coordinate transformations
-
edfsm
Event Driven Finite State Machine library
-
rand_xorshift
Xorshift random number generator
-
satif
SAT solver interface
-
eta-graph
Low overhead graph library focused on performance
-
access
that helps creating diverse accessors
-
apodize
iterators that yield generalized cosine, hanning, hamming, blackman, nuttall and triangular windows
-
dims_macro
Macros for Generating Systems of Units
-
sdf-common
Stateful Dataflow constants and common utils
-
ntree-rs
A mutable n-tree with async support
-
metaheuristics-nature
A collection of nature-inspired metaheuristic algorithms
-
xfeval
the Excel-like formula calculator
-
permute
Generate permutations of vectors and slices in a memory-efficient and deterministic manner, using Heap's algorithm
-
nmm_lib
nine mens morris
-
avm1-emitter
AVM1 emitter
-
kl_one
KL-One algorithm
-
quasirandom
number generation
-
round_float
Round
f64
andf32
to specified number of decimals -
seedling
hierarchical seeded pseudo-random number generators
-
delaunator
A very fast 2D Delaunay triangulation library
-
aplk-gw
test description 03
-
bin-tree
Building Binary Tree
-
seqgen
Sequence generation library
-
screeps-pathfinding
Pathfinding algorithms for Screeps: World in native Rust
-
superslice
Extensions for slices
-
petgraph-gen
Graph generators for petgraph
-
romu
A pseudo random number generator using the Romu algorithm
-
itc
Interval Tree Clocks as described in the itc2008 paper
-
ndarray-polyfit
Polynomial fitting based on ndarray
-
sdset
Set operations for sorted and deduplicated slices. Much performances! Such Wow!
-
hexagonal_pathfinding_astar
A-Star pathfinding algorithm tailored for traversing a bespoke collection of weighted hexagons
-
tatk
Technical Analysis Toolkit
-
catclustering
Agglomerative Clustering For Categorical Data
-
aob
String searching with wildcards
-
hexx_more
Extensions to the
hexx
crate -
sorting_lib
lib implementing sort algorithm?
-
revec
Convert a Vec<A> to a Vec<B> provided vec is empty
-
das-grid
2D grid library which serves as fundamental building block for any 2D game built on the concept of grid
-
fleetfs_raft
language implementation of Raft algorithm
-
hyper-tree
Quadtrees and Octrees generalized to any dimension and type
-
rasengan
Circular buffer with overwrite on overflow
-
yafnv
Fowler-Noll-Vo (FNV-1, FNV-1a) hash implementation for
u32/u64/u128
size, allno_std
andno_alloc
-
raphy
A graph data structure library
-
default-constructor
Macros for creating pseudo-dsls that constructs structs through default construction and field conversion
-
buf_read_splitter
Stream reader with capacity to split(stop) the stream on a defined pattern (usually &[u8] but can also more complex pattern)
-
term-detect
Terminal emulator detector
-
routee-compass-powertrain
providing integration between RouteE Compass and RouteE Powertrain
-
freelist-rs
Free list for numeric values
-
ar-reshaper
A no-std crate to reconstruct Arabic, turkish and persian sentences to be used in applications that don't support Arabic script
-
ya-rand
fast random number generation
-
enso-prelude
An augmented standard library in the vein of Haskell's prelude
-
dbg-ranges
debug formatting lists of items that have many sequential items
-
manchu-converter
Converts transcripted Manchu text to Manchu script with Manchu alphabet
-
xldenis/creusot-contracts
contracts and logic helpers for Creusot
-
qdft
Constant-Q Sliding DFT
-
hook
A filtering mechanism where functions (filters) can be registered, prioritized, and applied sequentially to values associated with named hooks. In Rust.
-
kanaria
functions such as hiragana, katakana, half-width and full-width mutual conversion and discrimination
-
cyclic_list
a doubly-linked list with owned nodes, implemented as a cyclic list
-
line_cardinality
High performance line cardinality counts and estimates
-
toffee
Get command to run to run specific test in a file
-
morton-encoding
encoding and decoding Morton ("Z-order") keys
-
peak_finder
An algorithm for identifying peaks from line data, such as from accelerometer or spectral data
-
aoc-toolbox
An helping framework to Advent of Code
-
logicng
Creating, Manipulating, and Solving Boolean Formulas
-
iter-set
Set operations on sorted, deduplicated iterators
-
rindex
dynamic spatial index for efficiently maintaining *k* nearest neighbors graph of multi-dimensional clustered datasets
-
afsort
American Flag sort implementation for faster sorting of Strings
-
kindness
Methods for returning random elements from an iterator
-
angled-random-walker
Angled Random Walker approach to Brownian tree generation
-
zsplit
Split text into multiple files by line
-
beetle-collatz
A collection of functions relating to the Collatz conjecture
-
causal-hub
A hub for Causal Data Science
-
liblisa
automated discovery and analysis of the ISA of a CPU
-
geo-raycasting
Ray Casting algorithm for the geo crate
-
decompound
Decompose a compound word into its constituent parts. Works in any language, as you provide the rules around what constitutes a (*single*) word.
-
chacha8rand
Reproducible, robust and (last but not least) fast pseudorandomness
-
text_manipulation_rs
generating random placeholder text in different languages
-
qframework
A experimental micor framework for clear design, based on queue model
-
caldyn
Dynamic evaluation of mathematical expressions
-
ibn_battuta
Solving the Travelling Salesman Problem (TSP)
-
rip_shuffle
Fast sequential and parallel in-place shuffling algorithms
-
bs
bitset with small-set (single-word) optimization
-
trading-enhancers
some 'enhancers' as data pipelines for type-safe HFT trading based on trading-types defs
-
ultraloglog
algorithm
-
varu64
A variable length encoding for unsigned 64 bit integers
-
sqpnp
A pure Rust implementation of the SQPnP perspective-n-point algorithm
-
ps-pint16
Packs integers into a u16 via variable precision
-
sep-sys
Low-level bindings to SEP - C library for Source Extraction and Photometry
-
zerror_full
macro for implementing helpful errors
-
bisection
Python bisect module
-
nblast
neurite similarity algorithm
-
branchy
tools for generating strings and sequences using context-free grammars
-
codes-check-digits
Common implementation of check digit algorithms
-
aoc_utils_by_nifalu
A small collection of utilities for the advent of code challenges
-
radix
Convert any {u8, u16, u32, u64, u128, usize} to another radix
-
rangeset
Integer collection backed by ranges with set operation support
-
interpolation_search
Interpolation search - binary search on steroids
-
riichi-calc
calculate the score of a hand in riichi mahjong
-
gpu_rand
GPU-friendly random number generators for the Rust CUDA Project
-
fast_poisson
Bridson's algorithm for fast Poisson disk sampling
-
algorithms_fourth
用rust实现算法4书中的算法,作为rust的学习实践
-
fltrs
Filter for querying lists
-
hpt-traits
An internal library defines tensor operator traits for hpt
-
chrono-probe
Compare and measure the time complexity of algorithms
-
hungarian
fast implementation of the Hungarian (Kuhn-Munkres) algorithm
-
minecraft_downloader_core
A Minecraft downloader written in rust
-
abstract_integers
Defining specification-friendly bounded natural integer types
-
rxqlite-common
A distributed sqlite database built upon
openraft
,sqlx
andsqlite
-
stack
DSTs and arrays on the stack!
-
gtfs-generator
Convienience helpers for writing GTFS converters
-
norms
A collection of distance metrics on strings
-
vector-map
VecMap<K, V>: a Linear Search with Map API
-
nu_plugin_hashes
A Nushell plugin that adds 61 cryptographic hash functions from Hashes project
-
libhumancode
A
no_std
compatible library that provides a function to enode binary data up to 150 bits in a human friendly format -
gchemol-geometry
gchemol: a Graph-based CHEMical Objects Library
-
generalized-schnorr
Generalized Schnorr Protocols
-
fnrs
some useful functions i like
-
seedable_hash
calculating seedable hashes and fast reduction of their ranges
-
poisson-diskus
Poisson disk distribution sampling
-
abv
AV and BV convert functions for Bilibili videos
-
url-hash
types that provide secure and stable hash values for Urls
-
cvmcount
CVM algorithm to quickly estimate the number of distinct elements in a stream
-
simple_qp
Allows formulating Quadratic Programming problems in a symbolic way
-
windmouse-rs
windmouse
-
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…
-
based16
BASE-16(HEX) implementation for chads
-
reductive
Optimized vector quantization for dense vectors
-
fft2d
Fourier transform for 2D data such as images
-
powierza-coefficient
Powierża coefficient is a statistic for gauging if one string is an abbreviation of another
-
wl_isomorphism
WL and 2-WL algorithms for graph isomorphism testing
-
worley-noise
Worley noise implementation
-
bin_packer_3d
Three dimensional fitting algorithm to fit smaller boxes inside of a larger box
-
adqselect
A lightweight crate that brings an implementation of nth_element by using the adaptive quickselect algorithm by Andrei Alexandrescu
-
vec-drain-where
alternative
Vec::drain_filter
impl -
sorting_rs
Collection of sorting algorithms implemented in Rust
-
merged_range2
rangeset that can merge overlapping ranges (fork of merged_range)
-
mcts-rs
Monte Carlo Tree Search (MCTS) using an arena allocator
-
try-partialord
Safe failable sort, min, max, binary_search functions for PartialOrd. No need to wrap f32, f64 to sort any more.
-
minlin
minimal linear algebra made to be as convinient as possible
-
qmc
Quantum Monte Carlo simulations in Rust
-
polyeval
Evaluate polynomials
-
easing-fixed
easing iterators using fixed-point math
-
geo-rand
Generate random geometric shapes
-
closest
nearest neighbor implementation
-
sbitty
defining bitwise operations on standard integers type
-
meowhash
Meow hash function
-
npcore
building blocks needed to create new Non-Parametric algorithms and its integration with Pmetrics
-
shadowcast
recursive shadowcast visible-area detection algorithm
-
oca-dag
OCA DAG
-
marrow
Minimalist Arrow interop
-
crumsort
Parallel implementation of crumsort optmized for uniform distributions
-
reunion
A generic implementation of the Union-Find w/ Rank data structure
-
olis_string
Small-string optimization for Rust, aims to replace std::string::String
-
jsonposition
Finds a path to a JSON element at a provided string index
-
cobyla
optimizer for Rust
-
ndarray-layout
definitions and transformations for multi-dimensional array data layouts
-
deepnest-rust-minkowski
Minkowski operations for deepnest
-
rs-graph
graph algorithms and combinatorial optimization
-
satif-kissat
Rust wrapper for the kissat SAT solver
-
argentum_game_coordinate_system
Argentum: Coordinate System
-
metaheuristics
Find approximate solutions to your optimisation problem using metaheuristics algorithms
-
forwarded-header-value
Parser for values from the Forwarded header (RFC 7239)
-
dartlib
Disk backed concurrent Adaptive Radix Tree implementation, with optional generations
-
hilbert-curve-rust
Basic Hilbert curve algorithm
-
search_trees
binary search tree, red-black tree, and AVL tree
-
svg2polylines
Convert SVG data to a list of polylines (aka polygonal chains or polygonal paths)
-
statement
An event-driven state machine library for Rust
-
sporky-checker
levenshtein spell checker app
-
zung_mini
Mini rust projects that target specific features of rust
-
vsort
GNU Version Sort Rust implementation
-
sliding_windows
a non-copying implementation of a sliding windows iterator adaptor
-
primecount
Rust wrapper for https://github.com/kimwalisch/primecount
-
rkr-gst
Running Karp-Rabin Greedy String Tiling algorithm
-
my1
My1
-
lazy-prime-sieve
Lazy Sieve of Eratosthenes for infinitely generating primes lazily in Rust
-
cucoqu
cucoqu is a Rust library for converting between different types of Bézier splines. Currently it only supports the types most commonly used in type design and drawing curves: cubic Bézier curves…
-
iterslide
A "sliding window" iterator
-
stringslice
A collection of methods to slice strings based on character indices rather than bytes
-
sophus_opt
Sparse non-linear least squares optimization
-
rust-eratos
'Sieve of Eratosthenes' for rust language practice
-
grambulate
grambulation for positive integers in Rust
-
hyperflake-rs
lightweight Rust crate library to generate unique snowflake like IDs starting from beginning of the 21th century
-
modinverse
Small library for finding the modular multiplicative inverses
-
rosu-noodlers
Noodle changer for osu!mania
-
borrowned
Borrow-or-owned values
-
rustmex
providing convenient Rust bindings to Matlab MEX API's
-
pi_spatial
sparial octtree quadtree
-
debouncing
Debounce keys in an embedded context
-
gsl_bfgs
BFGS algorithm built on the GNU Scientific Library(GSL)
-
museair
Fast portable hash algorithm with highest bulk throughput and lowest small key latency (1-32 bytes) among portable hashes listed in SMHasher3, and made improvements for quality and usability
-
miniball
Minimum enclosing ball
-
vp-avl
A combined Vantage-Point AVL tree, to make VP trees updateable
-
grabbag
A random grab-bag of functionality
-
nnf
Negation Normal Form manipulation library
-
blstrs
High performance implementation of BLS12 381
-
fmttools
Tools for modifying text without allocating any intermediate buffers or unsafe code
-
krossbar-state-machine
Krossbar state machine
-
wapm-targz-to-pirita
Convert wapm .tar.gz to .pirita files
-
bbqvec
Scalable, embeddable, vector storage for approximate K-nearest-neighbors (AKNN)
-
hotdrink-rs
HotDrink in Rust
-
fnv0
FNV0/1/1a 32/64/128-bit hash functions
-
divert
Rust Lang bindings for Recast Navigation
-
const_ranged_int
Ranged constant integers. Useful for lookup tables with constrained values to avoid secondary bounds check.
-
sorted-insert
traits to insert elements to a sorted collection and keep the order
-
rs_algo
Common sorting algorithms and other common computer science algorithms
-
nd-triangulation
Arbitrary dimensional triangulations using CGAL
-
rendezvous_hash
Rendezvous hashing algorithm
-
qip-iterators
Iterators for tensor product matrix multiplication
-
metrics_evaluation
Small foot-print parser and solver for (nested) text-based comparisons
-
redfa
Regular expression derivatives for creating DFAs
-
mersenne_twister_rs
porting Mersenne Twister to Rust
-
solvent
Dependency Resolver library
-
vsearch
HNSW based vector search index
-
acacia
A spatial partitioning and tree library
-
bpcon
Byzantine Fault-Tolerant Consensus Protocol Implementation in Rust
-
nine_patch_drawable
core functionality to read nine patch bitmaps defined in Android NinePatch drawables and algorithms to scale them
-
chrf
algorithm
-
glicko2
rating system
-
contest-algorithms
Common algorithms and data structures for programming contests
-
regex-filtered
Efficiently check an input against a large number of patterns
-
klotski
multifunctional engine with high performance
-
b2c2-debugger
CASL2のコードを雑雑に実行テストするCOMET2シミュレーター(エミュレーター?)もどき
-
dandelion-random
a high performance non-cryptographic random number generator
-
hash40
working with Hash40 types in Smash Ultimate
-
cfpyo3_rs_core
a collection of performant utilities
-
node2vec
in rust
-
quantum_world_state
in-ram database with relationships between elements inspired by quantum superposition and entanglement
-
bigbit
Implements the BigBit format, allowing for compact storage of arbitrarily large numbers
-
gamma
Graph primitives and traversals for Rust
-
id_tree_layout
visualize trees from the 'id_tree' crate
-
scm-bisect
Supporting library for git-branchless
-
async-ringbuffer
A nonblocking spsc ring buffer with fixed capacity
-
map_range_int
map a value from one range to another
-
dfo
Differentiable Floating-point Operations in Rust
-
paragraph-breaker
Knuth-Plass algorithm for breaking paragraphs into lines
-
aochelpers
A set of structs and associated methods that cover common use=cases when solving Advent Of Code problems
-
rust_wfa
wavefront sequence alignment algorithm
-
spectre
A lightweight toolkit for analysing p2p network topologies
-
rev_bits
reverses bits in a specified range
-
lazy_diamond_square
Lazy implementation of the diamond-square without randomness
-
enso-optics
functional optics
-
lagbuffer
LagBuffer is a Rust crate designed to handle out-of-order events and reconcile state efficiently. It is particularly useful in scenarios such as game development or networked applications…
-
sorock
A Multi-Raft implementation in Rust
-
oars
providing construction methods and utility functions for orthogonal arrays and strong orthogonal arrays
-
temex
Regex-like temporal expressions for evaluating systems that change over time
-
actix-raft
Raft distributed consensus protocol using the Actix actor framework
-
numext-fixed-hash
Fixed-size hash types
-
blossom
algorithm to get a maximum matching in an undirected graph
-
fuchsia-cprng
Fuchsia cryptographically secure pseudorandom number generator
-
swimos_trigger
SwimOS Asynchronous Trigger
-
bloom-filters
Rust port of https://github.com/tylertreat/BoomFilters
-
soft-edge
efficient bithackery for making 3D collision meshes out of grids and stacked tile maps
-
phf_mut
Perfectly hashed mutable containers
-
dendritic-clustering
Package for algorithms related to clustering
-
jaaptools
I really just wanted to try publishing a package, but this contains stuff I find useful in many circumstances
-
symbolic_polynomials
manipulation of polynomials over the integers
-
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)…
-
linreg
Calculates linear regresssions of two-dimensional data. Does not use stdlib, only depends on numeric traits.
-
d4-arjun-sys
wrapper around Arjun for d4
-
rubchev
strings
-
molecules
working with molecules and molecular dynamics simulations
-
prexel
A math expression evaluator
-
text-file-sort
Sort a text file similar to linux sort
-
name-engine
computing Markov chains to generate random names based on pronunciation
-
streaming_algorithms
SIMD-accelerated implementations of various streaming algorithms, including Count–min sketch, Top k, HyperLogLog, Reservoir sampling
-
rootfind
Root-finding algorithms
-
fossil-delta
functions for calculating differences between strings and applying calculated deltas
-
lace_utils
Miscellaneous utilities for Lace and shared libraries
-
graphplan
planning algorithm from Avrim L. Blum and Merrick L. Furst in Rust
-
geogebra-types
Geogebra types and API for building them
-
canutils
A can-utils implementation in pure Rust
-
graph-types
Shared types for graph theory
-
naturalneighbor
2D Natural Neighbor Interpolation (NNI) library for Rust
-
hamming
Count ones, fast (aka popcount, hamming weight). This provides a performant popcount and bitwise hamming distance for a slice of bytes.
-
webgestalt_lib
computing enrichment for different analytes using ORA or GSEA
-
seadawg
that implements the online algorithm for Direct Acyclic Word Graph (DAWG) and Compact Direct Acyclic Word Graph (CDAWG)
-
extsort-lily
An efficient external merge sort implementation
-
aviation-calculator
Useful calculations for aviators
-
issue-states
managing issue states
-
kmpm
KMP(Knuth-Morris-Pratt algorithm) method library
-
xynth
ASIC/GPU-resistant cryptographic hashing algorithm written in pure Rust for x64 CPUs with AVX2 support
-
q1tsim
efficient, quantum computer simulator
-
wasmium-random
Generate random numeric, alphabet, alphanumeric, BIP39 and EFF random bytes
-
clipper2-sys
Polygon Clipping and Offsetting (Clipper2 wrapper)
-
fst
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
ucsi
SI-based unit typing system
-
optical-flow-lk
Lucas-Kanade optical flow and Shi-Tomasi feature detection
-
mfem
A high-level Rust wrapper for MFEM
-
materialized-view
incremental materialized views for the masses
-
cursorsort
A QuickSort implementation with a cursor based partitioner and pivot selector
-
tlsh2
TLSH algorithm
-
sainte_lague
Sainte-Laguë method for seat distribution used in multiple parliamentary elections all over the world
-
as-what
Provide a bunch of
as
traits -
delta_inc
An API capturing delta transformations and incremental computations
-
randomwalk
Build glorious random walks
-
crc16-cdma2000-fast
SIMD-powered implementation of CRC-16/CDMA2000
-
sha3-asm
Raw bindings for SHA-3 algorithms written in assembly
-
dxpr
Differentiable expression templates in compile-time, dependency-free, no_std Rust
-
memmem
Substring searching
-
autoregressive
model for generate series data
-
metaheurustics-rs
A comprehensive collection of metaheuristic optimization algorithms implemented in Rust
-
pcl_rs
A pure rust PCL tool that includes functions such as reading PCD files and displaying point clouds, which can be used in conjunction with ros_pointcloud2
-
vec_extract_if_polyfill
Polyfill for Vec::extract_if
-
lazysort
Lazy sorting for iterators
-
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
-
discoid
Different types of generic Circular Buffers
-
oxydized-money
providing data types to manipulate amounts of money in specific currencies and convert amounts between then
-
fsmrs
FSM (Final state machine) library wrtting in rust
-
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…
-
dynalock
A lease based distributed locking algorithm with support for DynamoDB
-
ncollide2d-updated
2 and 3-dimensional collision detection library in Rust. Will be superseded by the parry2d crate.
-
anchorhash
A consistent hashing algorithm that outperforms state-of-the-art algorithms
-
wiiu_swizzle
Wii U texture memory tiling
-
deranged
Ranged integers
-
bidivec
offering bidimensional arrays, vectors and slices, with batteries included (such as pathfinding, flood-filling and more)
-
glar-base
high performance cpu kernels
-
insides
A compact, high performance space filling curve library for Rust
-
tessellation
3d tessellation library
-
hypernonsense
Using Locality Sensitive hashing to find the nearest points to a query point in extremely high dimensional space
-
ilattice
2 and 3-dimensional integer lattice math
-
rrt
Path finding using dual-RRT connect
-
plonk-bls12_381
Fork of the implementation of the BLS12-381 pairing-friendly elliptic curve construction with some extra tooling needed by the Dusk team
-
crfs
Pure Rust port of CRFsuite: a fast implementation of Conditional Random Fields (CRFs)
-
wyhash-final4
wyhash final4 hash function
-
easy_base64
The package provides the base64 encode/decode functions
-
purrcision
decimals for nostd
-
arima
time series modeling for Rust
-
morton
space filling curve functions
-
cloudproof_anonymization
Cosmian Cloudproof Anonymization library
-
randomgen
generating random data such as names, emails, phone numbers, and dates
-
fnv_rs
Fowler–Noll–Vo hash function including 32, 64, 128, 256, 512, & 1024 bit variants
-
xcsp3-rust
that help constraint programming solvers implemented by Rust to read XCSP3 files
-
ranluxpp-rs
Ranlux++ FFI bindings for Rust
-
throttle_lock
Throttle can be used to monitor and limit user activity
-
deki_lerp
linear interpolations!
-
ground-env
Parse env variables by defining a struct
-
baiser
Curves manipulation library
-
three-style
A CLI tool for searching 3x3 Rubiks'cube 3-style commutators
-
constrained_int
Integers that are constrained within inclusive ranges
-
ssr-algorithms
spaced repetition algorithms
-
h3ron
High-level rust API for H3
-
fx-hash
A speedy, non-cryptographic hashing algorithm used by rustc. Fork of rustc-hash.
-
topk
TopK algorithm implementation in Rust
-
toposort-scc
Kahn's algorithm for topological sorting and Kosaraju's algorithm for strongly connected components
-
froggy-rand
Random number generation without state for games
-
metabolizer
transform Gesttalt gardens into deployable units
-
algorithms-rs
Introduction to Algorithms Thrid Edition By Rust programming Language
-
graph_safe_compare
Equivalence predicate that can handle cyclic, shared, and very-deep graphs
-
atlatl
Double-array tries
-
rexl
Common Library for Rust
-
voro_rs
binding for voro++ library
-
poly2tri-rs
An idiomatic and fast Constrained Delaunay Triangulation library
-
flame-clustering
Fuzzy clustering by Local Approximation of MEmberships (FLAME)
-
merging-iterator
An iterator to return the elements of two independently ordered iterators in order
-
concorde
reconfigurable lattice agreement
-
anndists
some distances used in Ann related crates
-
loaded_dice
sampler for loaded dices, implementing the alias method
-
cienli
historical ciphers implemented in rust
-
probably
various approximate computing algorithms
-
alass-core
Automatic Language-Agnostic Subtitle Synchronization (Library)
-
hkalbasi-rustc-ap-rustc_data_structures
Automatically published version of the package
rustc_data_structures
in the hkalbasi/rust repository from commit e77366b57b799dfa3ce1fcb850c068723a3213ee The publishing script for this crate lives at: https://github… -
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
-
grb-sys
Low level bindings to Gurobi
-
endicon
Implementations of codicon traits for endianness encodings
-
moving_min_max
Tracking minimum or maximum of sliding windows
-
hmmm
Hidden Markov Models in Rust
-
gis-tools
A collection of geospatial tools primarily designed for WGS84, Web Mercator, and S2
-
algebra
Abstract algebra for Rust
-
bounded-spsc-queue
A bounded SPSC queue
-
guts
Traits for constructing/destructuring from/into a type's internal guts
-
boolnetevo
Evolve populations of boolean networks to approximate bitstring functions and their (unknown) inverses
-
colon
A array and number utility functions
-
term_cursor
handling terminal cursor movement in a platform independent way
-
rlifesrc-lib
A Game of Life pattern searcher (library)
-
cytogon
Mesh generation library based on cellular automata
-
nistrs
his crate implements statistical tests according to the NIST standard
-
cauchy
Trait for real and complex numbers
-
rusty_planner
Artificial intelligence planning & reasoning library for Rust
-
rand06-compat
Compatibility wrapper between
rand_core
0.6 and 0.9 -
wu-diff
Compute differences between two slices using wu(the O(NP)) algorithm
-
advancedresearch-tree_mem_sort
An in-memory topological sort algorithm for trees based on Group Theory
-
swf-fixed
SWF fixed-point numbers for Rust
-
sort-it
various sorting algorithms
-
rs-uuid
Universally unique identifier generator
-
external_sort
ability to perform external sorts on structs, which allows for rapid sorting of large data streams
-
bufstream
Buffered I/O for streams where each read/write half is separately buffered
-
rscompress-transformation
data transformation supporting rscompress
-
gcd-bitwise
The binary Euclidean algorithm for computing gcd
-
llinks
-
watermill
Blazingly fast, generic, and serializable online statistics
-
logicgate
logic gates with NAND gates as the underlying layer Turing Complete
-
path-finding
variety of path finding and graph operations. Work in progress.
-
remedian
A Rust implementation of The Remedian
-
clone_dyn
Derive to clone dyn structures
-
bresenham_zip
Iterator to perform Bresenham over two lines of the same triangle simultaneusly for triangle rasterization
-
rand_isaac
ISAAC random number generator
-
tree_traversal
Find best leaf node in a tree
-
codice_fiscale_rs
compute and validate Italian Tax code (codice fiscale)
-
monotonic_solver
A monotonic solver designed to be easy to use with Rust enum expressions
-
algograph
A (both directed and undirected) graph and their algorithms implemented in Rust
-
bezier-nd
Bezier curve implementations using N-dimensional vectors
-
rust-algo
rust algorithms
-
warned
struct Warned<T, W> { value: T, warnings: Vec<W> }, which represents a value with warnings
-
zvxryb-broadphase
A broadphase collision detection library
-
wildflower
Wildcard matching against strings
-
permutation-generator
A direct permutation generator
-
demes-forward
rust API for iterating demes models forwards in time
-
tlsh-fixed
Rust port of Trend Micro Locality Sensitive Hashing
-
dryoc
Don't Roll Your Own Crypto: pure-Rust, hard to misuse cryptography library
-
knn_classifier
classifier for the k-Nearest Neighbors (kNN/k-nn) algorithm
-
generic_spline
generic implementation of spline which does not assume that spline is used in graphics context
-
gramschmidt
Classical, Modified, Reorthogonalized Gram Schmidt Orthogonalization and QR decompostion
-
bidi
Unicode Bidirectional Algorithm (UBA)
-
truc_runtime
Rust code generator for safe, fixed size, evolving records - runtime
-
cosyne
neuro evolution through cooperatively coevolved synapses
-
svd-expander
Expands arrays and resolves inheritance chains in CMSIS-SVD specifications
-
http-error
Error trait to help convert errors to http error responses
-
kermit-ds
Data structures used in Kermit
-
algs4
Algorithms, 4ed. MOOC in Coursera. in Rust.
-
filter
Kalman filters and other optimal and non-optimal estimation filters in Rust
-
cf_dist_utils
has risk and distribution utilities
-
sea-canal
Identifies patterns in sequences of integers
-
minecraft_launcher_core_msa
A Minecraft launcher library written in rust
-
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…
-
strseq
A string sequence library for Rust
-
coding_pk
pk for coding solution
-
highwayhash
Bindings to AVX-2-optimized SIP-like hash functions
-
num-huarongdao
fifteen puzzle lib
-
landfill
Various types for dealing with on-disk data
-
rustamath_mnmz
Minimization functions
-
libfl
floating point operations that supports rounding modes and fpu exceptions
-
chull
Convex hull approximation
-
stable-hash
A stable, structured hash with backward compatibility
-
recrypt
A pure-Rust implementation of Transform Encryption, a Proxy Re-encryption scheme
-
heapz
Heap/Priority Queue implementations
-
promerge
Parse, edit and merge Prometheus metrics exposition format
-
rcuber
rubiks cube and solver (LBL, CFOP, Roux, min2phase)
-
topologic
Topological sorting of Acyclic Dependency Graphs
-
cbc-src
Redistribution of Coin-OR Cbc as a crate
-
openmodel
Geometry library for structures
-
snaplog
easily recording changes to values
-
ldpc
A toolbox for classical and quantum LDPC codes
-
frand
Blazingly fast random number generation library
-
natord-plus-plus
Natural ordering for Rust
-
rselib
Misc algorithms implemented for embedded usage (i.e., wasm)
-
kmeans_smid
Small and fast library for k-means clustering calculations. Fixing smid from
kmeans-rs
. -
vincenty-core
Calculate distances between two coordinates using vincenty formulae
-
hora-new
Hora Search Everywhere
-
teeint
A teeworlds variable int packer/unpacker
-
classific
Classifications, comparator and equivalence class implementations
-
cmsis_dsp
Bindings to the CMSIS DSP library for ARM Cortex-M processors
-
geo-offset
Add margin and padding to geometric shapes
-
u160
Unsigned Integer 160 bits
-
onesies
Count the number of bits set to 1 in an integer
-
matrixmultiply_mt
Multithreaded Fork of bluss's matrixmultiply crate. General matrix multiplication of f32 and f64 matrices in Rust. Supports matrices with general strides. Uses a microkernel strategy…
-
pineappl_fastnlo
PineAPPL's interface to fastNLO
-
ecgen-rs
Enumerative Combinatoric Generation in Rust
-
eom
Configurable ODE/PDE solver
-
sparse
-
shortestpath
Shortest Path is an experimental library finding the shortest path from A to B
-
rene
Computational geometry
-
endf_parser
parsing ENDF-6 format nuclear data
-
blake3-tree
Blake3 supercharged
-
kahan
types to perform Kahan summation
-
favannat
Algorithms to evaluate the function encoded in ANN-like structures
-
vec_mut_scan
Forward scan over a vector with mutation and item removal
-
oshash
https://pypi.org/project/oshash/ in Rust
-
quickcheck_seedable
Automatic property based testing with shrinking
-
libhdf5-sys
Native bindings to the HDF5 library
-
owned_str
Provide a stack allocated String for no-std or const environement
-
poisson
Poisson-disk distribution generator
-
clusterphobia
Algorithms and data structures for unassisted clustering that employ the Hilbert Curve
-
signalo
A DSP toolbox with focus on embedded environments
-
aobscan
multi-threaded AOB memory scanning
-
filetrack
persistent logrotated reading and other useful io things
-
index-fixed
convert slices into arrays using indexes ([T] -> [T;N])
-
jumphash
A Fast, Minimal Memory, Consistent Hash Algorithm
-
sat_lab
providing the framework for using SAT problems
-
optimath
Linear Algebra using const generics for no_std and specialization to enable SIMD
-
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
-
sprs_suitesparse_camd
sprs bindings to the suitesparse camd fill-in reducting ordering
-
graph6-rs
parsing graph6/digraph6 strings and converting them into other text based formats
-
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
-
eratosthenes
Mathematical operations library for Rust
-
ogs
solving octal games
-
reduced_row_echelon_form_jeck
reduced_row_echelon_form
is an api that lets you constuct a Matrix and convert it to RREF -
guessture
$1 unistroke recognizer
algorithm in Rust -
transcendent
-
tacho
A prometheus-focused metrics library for Future-aware applications
-
lenia_ca
simulating the Lenia system of cellular automata
-
zero_escape
encoding and decoding data using the Zero Escape Encoding method
-
numeric-algs
implementing some numerical algorithms
-
elites
A fast and robust implementation of the Map-Elites algorithm in Rust
-
libgdx-xs128
minimalist no_std clone of the Xorshift128+ algorithm used in the libgdx Java library
-
qd
Extended precision floating point arithmetic
-
trajectory
interpolation
-
octarine
Color manipulation library
-
hackflight
flight-control software for makers in Rust
-
rand-functors
A zero-cost abstraction for sampling from and enumerating the outcomes of a random process using the same code
-
cell-map
Many-layered 2D cellular generic map
-
rand_sfc
Chris Doty-Humphrey's SFC PRNGs
-
packr2
a few packing algorithms for your needs
-
ribbon
Tape machine for peeking through windows of iterators
-
treelite
rust wrapper for treelite, only support predictor.predict_inst method now. Requires treelite:0.93
-
gym-rs
OpenAI's Gym written in pure Rust
-
rmq-tabulation
Rmq using extensive tabulation
-
bnb
A generic template for Branch & Bound algorithms
-
minisat
interface. Solves a boolean satisfiability problem given in conjunctive normal form.
-
rustgym
solutions
-
mate_selection
A collection of mate selection methods for evolutionary algorithms
-
swap3
Swapping of three references, rotating the values left or right
-
soco
Algorithms for Smoothed Online Convex Optimization
-
npc-engine-core
The core of the NPC engine, providing a generic MCTS framework
-
numerical
Algorithm for numerical analysis
-
ram
that helps to parse source code with finite state machines
-
naive-cityhash
A naive native 64/128 bit cityhash implementation for databend
-
sample-consensus
Abstractions for sample consensus algorithms such as RANSAC
-
fp-growth
algorithm in pure Rust
-
vpsearch
Vantage Point Tree search algorithm for fast nearest neighbour search in multi-dimensional metric spaces
-
bndm
that implements the BNDM algorithm for fast and efficient pattern matching, with support for wildcard searches
-
statistical
statistics library
-
id_graph_sccs
Find the strongly-connected components of a graph with nodes labeled by integer ids
-
algx
Knuth's Algorithm X
-
wfc-rs
Binding to the krychu/wfc C library
-
polynomial_ops
Multivariable polynomial operations on arrays and vectors
-
analytic
has been renamed to be the math crate https://crates.io/crates/math
-
distance_difference_triangulation
Position triangulation from differences of distances
-
dp_macro
procedural macro that implements memoization for dynamic programming
-
integer-partitions
Efficiently enumerate integer partitions
-
median-accumulator
fast, space-efficient, generic accumulator for computing median
-
rusty-perm
permutation with no-std
-
mem_tools
Collection of tools to manipulate memory
-
wordpieces
Split tokens into word pieces
-
secwords
secure and safe password container
-
oint
oint ('optional int') provides total operations on arithmetic
-
bone-rs
炳翰牛逼 !!!
-
siphash_c_d
A no-std, safe, generic implementation of the siphash_c_d algorithm
-
data_type
Collection of primal data types
-
sssignals
🐍 Simple, Synchronous Reactive Signals for Rust
-
aces
Algebra of Cause-Effect Structures
-
ilmen-dot-parser
A dot file parser
-
german-str
small-string optimized string type with fast comparisons
-
osi-src
Redistribution of Coin-OR Osi as a crate
-
lambdautils
random utlities I need from time to time but don't fit their own crates
-
descartes
Imprecision-tolerant computational geometry for Rust
-
ecitygml-converter
converting CityGML data to other representations
-
java_random
The java LCG and random module implementation in rust
-
fsum
calculate accurate sum of floats
-
enso-shapely
Automated typeclass derivation
-
longest-increasing-subsequence
Find a longest increasing subsequence of some input sequence
-
hex_grid
easily work with 2d hex grids of arbitrary shapes
-
unit-converter-rust
unit convertation
-
tiny-earley
Minimalistic implementation of Earley's algorithm
-
lz_fnv
Fowler-Noll-Vo hash functions for various integer types
-
drain-rs
Automatically cluster semi-formatted text with the drain algorithm
-
spaced-rs
A small library implementing a sm2 inspired SR algorithm
-
polystem
Popular stemming algorithms for Information Retrieval
-
algs
Solutions for various algorithms, made as generic as possible
-
taker
Option-like taking for everyting with a default value
-
stream-more
Stream utilities for Rust
-
bellande_probability
running Bellande Probability calculations via API
-
random-branch
macro to select a random branch like match
-
dach
A general delta encoded network difference algorithm
-
radix-ecmascript
Convert floating-point types to string representation as defined in ECMAScript Language Specification Section 9.8.1
-
lttb
Largest Triangle Three Buckets algorithm
-
semantics
mapping
-
ish
Sometimes things are true-ish
-
IntegerScaling
Calculates integer ratios and scaled-image sizes for pixel-perfect image upscaling with optional aspect-ratio correction
-
memchr
extremely fast (uses SIMD on x86_64, aarch64 and wasm32) routines for 1, 2 or 3 byte search and single substring search
-
weighted-rs-wasm
A libray for weighted balancing algorithm
-
typed_shapefile
Read & Write .dbf in Rust
-
zipf
A fast generator of discrete, bounded Zipf-distributed random numbers
-
hybrid-clocks
Hybrid Logical Clocks
-
continent-code
Continent Code
-
old_norse_alphabet
Old Norse alphabet constants & sort for Rust
-
rustler_bigint
Handle Erlang's arbitrarily-sized integers
-
kernel-density-estimation
Kernel density estimation in Rust
-
blurhash-ng
A pure Rust implementation of blurhash
-
rabin_ida
Rabin's information dispersal algorithm, originally by Liam Perlaki
-
doers
generating Design Of Experiments (DOE)
-
blstrs_plus
High performance implementation of BLS12 381
-
grid_shapes
A general purpose 2d grid shape library
-
env-convert
Conversion of environment variables with default values
-
phi-accrual-detector
Pluggable phi-accrual-detection package for healthcheck of monitored processes
-
reader
python-inspired terminal data reader
-
smth
math library
-
clamps
Wrapping, saturating, and other forms of number clamping
-
mmseg
Chinese word segmenation algorithm MMSEG in Rust
-
ez-bencoding
bencoding library, which uses the bdecode algorithm from libtorrent 3rd edition
-
gsv-culture-ships
Iain M. Banks's Culture ship names in a library.
-
finny
Finite State Machines with a procedural builder-style API and compile time transition checks
-
piston_mix_economy
A research project to mix-regulate economy in MMO worlds
-
bidimensional
A collection of 2D utilities for coordinate representation and manipulation
-
smeagol
Conway's Game of Life using HashLife and SIMD
-
entro-sort
Entro Sort is an in-place, linearithmic, unstable sorting algorithm
-
simplegraph
graph implementation
-
scgsm
specification for managing game data
-
http-link
naive implementation of RFC8288 for parsing HTTP Link header value
-
tinysort
The lowest memory footprint sorting algorithm
-
modular-decomposition
computing the modular decomposition of a graph
-
rollercoaster
Extra iterators for grouping, sorting, arithmetic, and more
-
simplers_optimization
Simple(x) black-box optimization algorithm
-
idx_file
handling single-dimensional array data. It uses mmap and avltriee.
-
pso-rs
Particle Swarm Optimization implementation in Rust
-
javarandom
Pure rust implementation of java.util.Random
-
graph-algo-ptas
PTAS on planars and other graph classes
-
rasterization
Iterator and iterator adapters for rasterizing a circle and its parts
-
polars-algo
Algorithms built upon Polars primitives
-
custom-rust-stemmers
Experimental fork of: A rust implementation of some popular snowball stemming algorithms
-
rule30
Pseudo random number generator with cellular automaton rule 30
-
fibonacci_series
Fibonacci Sequence. The Fibonacci Sequence is the series of numbers: 0, 1, 1, 2, 3, 5, 8, 13, 21, 34, ... The next number is found by adding up the two numbers before it.
-
gitignored
gitignore algorithm
-
dedup_signature
implements TextProfileSignature and Lookup3 algorithms to generates a hash/signature/footprint in order to be used for detecting duplicate documents
-
table
A specialized map for storing values of varying types
-
spaced-repetition
A spaced repetition algorithm based on anki and supermemo
-
double_sort
fast and simple sorting algorithm which groups numbers into pairs and orders them onwards as nodes
-
pennereq
Port of the Penner easing equations to rust
-
summed-area-table
summed area table
-
oomfi
A minimal Bloom Filter implementation in Rust
-
zhang_hilbert
Produces an arbitrary-sized pseudo-Hilbert scan based on “A Pseudo-Hilbert Scan for Arbitrarily-Sized Arrays” by Zhang, et al
-
const-arithmetic
Exploits Rust's type generic system to perform integer arithmetics at compile time
-
bit_combi_iter
An iterator to iterate all bit combinations less than given unsigned integer
-
quadtree_rs
Point/region Quadtree with support for overlapping regions
-
str_stack
string allocator for allocating many write-once strings. This library is primarily useful for parsing where you need to repeatedly build many strings, use them, and then throw them away…
-
bdecode
A Bencode decoder in Rust which uses the same algorithm as libtorrent
-
sample-std
Sampler definitions and implementations for st
-
distance
A collection of approximate string matching algorithms
-
prime_bag
A bag datatype that used unsigned integers for storage
-
eytzinger-map
array/vec based map using eytzinger search algorithm
-
symbol-map
Memory-efficient mapping from values to integer identifiers (AKA a lexicon or symbol table), with options for fast bidirectional lookup
-
pollard-p-minus-one
Pollard's p-1 factoring algorithm
-
flowing
flow graph processing library
-
integer-cbrt
integer cube root algorithm for primitive rust types
-
hopcroft-karp
A minimal implementation of the Hopcrof-Karp bipartite matching algorithm
-
chunk-diff
A fast and memory-efficient library for computing the difference between two frames of rect
-
bytecmp
offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
rutil
containing utilities for creating programs in rust
-
fractal
The package provides a multiscale modeling framework for the analysis and synthesis of positive-valued, long-range-dependent processes
-
rabitq
vector search algorithm
-
pheap
A (fast) implementation of pairing heap data structure for priority queue and some graph algorithms
-
divisors_fixed
A fixed & enhanced version of the divisors crate
-
hierarchical_pathfinding
Quickly approximate Paths on a Grid
-
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
-
cps_st_machine
State machines driven by continuation passing style
-
meshed
Graph creation and traversal tools
-
lambert
lamber-rust is a crate helping to convert Lambert coordinates to WGS84
-
bellande_step
running Bellande Step calculations via API or local executable
-
traversal
Generic and lazy tree traversal algorithms
-
deepmesa-encoding
A collection of data structures and algorithms designed for performance
-
normal-form
A trait to easily find the canonical/normal form of graph structures
-
qsort-rs
A quick sort algorithm that accepts any type and non-recursive approach
-
lightningscanner
A lightning-fast memory pattern scanner, capable of scanning gigabytes of data per second
-
rbuf
A general purpose ring buffer implementation with some non-standard constraints
-
cellular_maps
generate 2D procedural bitmaps using the cellular automata technique
-
polyfit-rs
Polynomial fitting of data like in numpy.polyfit()
-
lindel
Hilbert and Morton encoding and decoding; in a word, linearising and delinearising
-
forestrie-builder
Build a trie and convert it TokenStream
-
b3-rs
B3 (Better Binary Buffers)
-
pushgen
Push-style design pattern for processing of ranges and data-streams
-
morphorm
A UI layout engine
-
math_lib_test
test Library for rust
-
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"…
-
sonic-callreq
Structured calls to for SONIC distributed contracts
-
polyline-codec
Encode and decode polylines
-
meealgi
A selective implementation of Jean Meeus' astronomical algorithms
-
del-fem-ls
sparse solver library for research prototyping
-
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.
-
tempergb
Convert a color temperature to RGB values
-
castle_tokenizer
Castle Tokenizer: tokenizer
-
d4-cryptominisat-sys
wrapper around CryptoMiniSat for d4
-
numint
ODE solvers and numerical integration in Rust
-
liff
Fast levenshtein diff, fastest as we can do with levenshtein
-
bbt
A skill-rating system similar to Elo, Glicko or TrueSkill
-
depper
basic dependency validation
-
radix-rect
Rust port of Radix Core Rect
-
voxell_rng
Cheap and dirty thread-local RNGs
-
bgjk
Boolean Gilbert-Johnson-Keerthi algorithm for determining if convex hull volumes intersect
-
aws-tree-hash
Calculate the Amazon SHA256 tree hash as described on Checksum Calculation page of the AWS S3 Glacier developer guide
-
chandeliers-std
A standard library for the Chandeliers suite
-
isolation_forest
Isolation Forest anomoly detection algorithm
-
eureka-mmanager-core
The core package for the eureka-mmanager crate
-
rectcut-rs
rectcut concept from https://halt.software/dead-simple-layouts/
-
fnntw
Fastest Nearest Neighbor (in the) West. A fast kdtree/kNN library.
-
htmlprops-to-react
convert html properties to react
-
gray-codes
Iterators over binary Gray codes; utilities for efficiently visiting all subsets of a collection
-
partition-point-veb-layout
partition_point van Emde Boas layout
-
cubecl-spirv
SPIR-V compiler for CubeCL
-
skelly
Skeleton animation and IK
-
buter
Fluid buffer as place for iterators
-
smtlib-lowlevel
A low-level API for interacting with SMT solvers
-
cpp_map
C++ std::map emulator
-
disco-quick
processing the Discogs XML data dumps
-
breadth-first-zip
Breadth-first
zip
guaranteeing a monotonically increasing sum of indices -
tick-queue
Tick ordered queue
-
adivon
Data Structures of daily use: Graph, HashTable, PriorityQueue, Trie, SuffixTree, Rope, SplayTree, SkipList, RedBlackTree
-
dagga
For scheduling directed acyclic graphs of nodes that create, read, write and consume resources
-
simple-simplex
Generates 2d simplex noise values and applies Fractal Brownian Motion
-
mathlogic
made by Faizan Faisal, Email: f.f.programmer@gmail.com, f.f.programmer@hotmail.com
-
object-provider
Trait for requesting values by type from a given object
-
sol_prng
functional pseudo random number generator. No mutability. Relies on shadowing as of now.
-
hulahoop
An efficient consistent hash ring implementation supporting virtual nodes
-
matrixlab
A matrix library that supports both sparse and dense matrices
-
safe-modular-arithmetic
modular arithmetic algorithms for all integer types in an overflow-safe and const-compatible manner
-
sorted_intersection
Intersection Iterator Over Sorted Iterators
-
ju-tcs-tbop-24-bebidek-endpoints
providing head and tail functionality
-
divider
low level 2D path linearize and trapezoidator.fork from makepad
-
ffilter
dsp library
-
wkb-rs
Conversions between WKB (Well Known Binary) and geo-types
-
pagerank_rs
computing PageRank, optimized for performance and flexibility
-
blake
hash function for Rust via FFI
-
xxh
XXHash algorithm implementation for Rust
-
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…
-
rusty_genes
implementing and executing evolutionary algorithms with customizable models
-
polyhorn-ios
Polyhorn for iOS
-
memoires
Memoization for Rust
-
buldak
that provides various sorting functions
-
marching-squares
Parallelized marching squares algorithm for constructing closed isolines / contour lines
-
swimos_errors
SwimOS Error Utilties
-
libreda-pnr
Algorithm interface definitions of the LibrEDA place-and-route framework
-
anim_curve
Curve Calculation function library with simple dependencies
-
wordfeud-solver
evaluate all possible moves given a wordfeud board and rack
-
idhash
Calculate a Row-Invariant ID for Tabular Data
-
l
my personal library
-
floyd-warshall-alg
Floyd-Warshall algorithm supporting customization
-
degrees
Easily work with and compare temeratures in different units
-
shr3
3-shift register random number generator
-
sosorted
A set of methods to efficiently manipulated sorted arrays
-
summary
Extract the sentences which best summarize a document
-
tiamat
a PRNG library
-
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…
-
xylem
Building context-sensitive type conversion
-
fqn-estimator
Fast online Qn scale estimator in Rust
-
tlnat
type level non-negative integer constants for rust
-
libpuri
Idiomatic Rust Competitive Programming Library
-
exact-cover
(WIP) Asynchronous exact cover solver library using Knuth's dancing links algorithm
-
pincer
Generate permutations & combinations
-
str-distance
Distance metrics to evaluate distances between strings
-
pef
Partioned Elias-Fano encoding for sorted integers
-
satsnet_hashes
Hash functions used by the rust-bitcoin eccosystem
-
madepro
A minimal Rust library crate for solving finite deterministic Markov decision processes (MDPs)
-
slur
A fast, iterative, correct approach to Stackblur, resulting in a very smooth and high-quality output, with no edge bleeding
-
grafos-tools
Graph Theory Package. Create, manipulate and run algorithms on graphs.
-
line_drawing
A collection of line-drawing algorithms for use in graphics and video games
-
brace-expand
performs brace expansion of strings, as in shells like Bash etc
-
discrete
Combinatorial phantom types for discrete mathematics
-
wookong-solo
Wookong Solo driver crate
-
vrp-pragmatic
An extension logic for solving rich VRP
-
edit_tree
Edit trees in rust
-
intern-all
A safe and predictable interner for data of mixed and arbitrary type
-
runiverse
A pure and safe Rust library to make astronomical calculations and solve astronomical algorithms
-
uniui_layout_linear_layout
Label widget for uniui_* crate family
-
pcg-mwc
A fast non-cryptographic psudo random number generator
-
hashed-permutation
A fast, instant-access way to permute a range of numbers
-
savant_core
Savant Rust core functions library
-
sti
STd Improved
-
wav2json
that decodes wav audio files into json waveform data
-
cheesecalc
Calculations for sodium citrate mac and cheese
-
meos-sys
MEOS C API bindings
-
xbar
An iterator-based implementation of the locality-preserving one-sided binary tree - crossbar switch wiring design algorithm
-
ezing
Easing functions
-
optimus
ID hashing and Obfuscation using Knuth's Algorithm
-
zrand
rand num generator, use xorshift algo
-
phreak_engine
Rule matching algorithm focussed on speed
-
smbus-pec
Minimal portable implementation of SMBus Packet Error Code calculation algorithm
-
badsort
Some basic sorting stuff I wrote as practice in Rust. Includes my favorite algorithm, BOGO Sort!
-
ofps
Framework for efficient processing of optical flows/motion vectors
-
sosa
Stochastic simulation algorithm (SSA) with a Monte-Carlo generating method
-
moore-hodgson
Moore Hodgson's Scheduling Algorithm in Rust
-
rustsat-minisat
Interface to the SAT solver Minisat for the RustSAT library
-
hotsax
based discord discovery algorithms
-
unfold
in Rust
-
c_math
这是一个用于基础数据转换操作的一个包
-
libtqsm
Sentence segmenter that supports ~300 languages
-
hutton-rust
The Hutton cipher implemented as a Rust crate
-
cityhash-102-rs
Faithful reimplementation of CityHash v1.0.2 64bit and 128bit hashes
-
afarray
Convenience methods for working with ArrayFire arrays in Rust
-
hdrhistogram-c
Binding to HdrHistogram_c library
-
partitions
A disjoint-sets/union-find implementation that allows for efficient iteration over elements of a set
-
maglev
Google's consistent hashing algorithm
-
nummap
Defines a wrapper around a
HashMap
of number values which behaves as if ALL keys are mapped but0
values are not stored -
ray_tracing_core
Ray Tracing based on Peter Shirley's mini books
-
wgpu_sort
WebGPU/wgpu Radix Key-Value Sort
-
blurhash-fast
blurhash
-
radiate_web
Train Radiate remotely
-
xxhash-c-sys
Bindings to xxhash
-
state_machine
state machine
-
bresenham
A fast, iterator-based integer-only implementation of Bresenham's line algorithm
-
randotron
Trivial little library that lets you randomly execute a closure with a sample rate
-
regalloc
Modular register allocation algorithms
-
integer_scaling
IntegerScaling wrapper for those who prefer snake_case
-
weighted-selector
Select type from weighted index
-
kette
Iterator tools
-
poker
speedy poker hand evaluation
-
aviary
bird combinators for Rust
-
binexp
A struct that represents power of two numbers
-
indented-blocks
parser for indented blocks
-
microwfc
Small Wave-Function-Collapse implementation
-
ffuzzy
generate / parse / compare ssdeep Context Triggered Piecewise Hashes (CTPH)
-
thinarray
A thin alternative to Box<[T]>
-
jmt-blake3
Jellyfish Merkle Tree based on BLAKE3 hash function
-
iter_enumeration
Unifies Iterators over Same Type
-
floydrivest
A lightweight crate that brings the Floyd-Rivest implementation of nth_element
-
sulfa
basic algorithm library implemented by rust
-
quriust
simulate a quantum computer. Only for quriust ones.
-
choosen
An easy program that choose some attending person, with equal properbility for each position
-
bravery_router
Radix Tree implementation
-
gndr_rust
Uses advanced techniques and algorithms to determine the gender of a user by just fucking asking them
-
braque
Split image into tiles and scramble/unscramble them based on a seed
-
ds-heightmap
Using diamond-square algorithm to generate heightmaps which stored in a 2D-array
-
modicum
Modular arithemtic library in pure Rust
-
kratom
neural network library
-
label-propagation
Label Propagation Algorithm by Rust
-
floaters
generate floating-point numbers in various ways
-
fst-no-std
Use finite state transducers to compactly represents sets or maps of many strings (> 1 billion is possible)
-
cityhash-sys
Rust binding of Google CityHash algorithm
-
learn-rust-with-bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
beediff
LCS algorithm in various applications
-
anon-vec
An Anonymous Vector that emulates dynamic typing
-
scales
converting values between scales
-
byte_arithmetic
arithmetic on byte-like objects
-
noice
Fork of noise-rs, a procedural noise generation library
-
aoc-util
function for aoc
-
macro_machine
State machine generator using macros
-
numlib
numerical library implementing common numberical algorithms in rust
-
chains_f2vect
chain complexes and dg algebra manipulations
-
griddy
general-purpose grid/matrix
-
fluent-comparisons-macros
Macros for the fluent-comparisons crate
-
ann_dataset
A lightweight research library for managing Approximate Nearest Neighbor search datasets
-
docchi_archiver2
A serializer which compresses integers
-
lincoln_compiled
Lowest level presentation of Lincoln
-
abow
Visual bag of words for fast image matching
-
rust-constraint
constraint satisfaction problem (CSPs)
-
star_rng
opinionated PRNG for easier fuzz testing
-
circularing
Circular buffer backed by in-stack storage
-
omnipaxos
A distributed log library written in Rust
-
ansi-builder
that will have tools to construct ansi control sequences
-
primter
Prime number iterator based on sieve of Eratosthenes
-
phi-detector
Phi Accrual Failure Detector
-
comtesse
graph utilities
-
whr
Rémi Coulom's Whole-History Rating (WHR) algorithm for Rust
-
minhash-rs
MinHash trying to be parsimonious with memory
-
marzullo
Marzullo's algorithm
-
xorshift128plus-rs
XorShift128+ pseudorandom number generator in Rust
-
relooper
Turn unstructured branches and jumps into structured blocks
-
labirust
Naive rust crate for implementing and testing maze solving Algorithms
-
rust-freqdist
Frequency Distribution in Rust
-
easylazy
Easy lazy initialization of variables
-
broadword
algorithms
-
ipopt-src
Redistribution of Coin-OR Ipopt as a crate
-
fenris-sparse
Sparse matrix functionality for fenris
-
prefix-varint
PrefixVarint encoding for u64 integers
-
subproductdomain-pre-release
Implements subproduct domain algorithm
-
statest
statistical test
-
geo-buffer
methods to buffer (to inflate or deflate) certain primitive geometric types in the GeoRust ecosystem via a straight skeleton
-
falcon-z3
Rust bindings for z3 and Falcon
-
cutter
usefull functions for parsing text. Used for cutting between strings.
-
equix
Asymmetric function for client puzzle protocols
-
parsedown
Markdown to html parser
-
dyn-smooth
Dynamic smoothing filter based on an algorithm by Andrew Simper
-
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. -
yices2-sys
Low level Rust bindings to the Yices 2 SMT solver
-
rsbalancer
that implements load balancing algorithms
-
triangulate
Subdivides polygons into equivalent triangles
-
suffix_array
Suffix array construction and searching algorithms for in-memory binary data
-
toolbelt_a
random tools for use
-
game-solver
Solve any combinatorial game
-
pregel-rs
A Graph library written in Rust for implementing your own algorithms in a Pregel fashion
-
tiny-rng
Tiny RNG, a minimal random number generator
-
fuzzy_dbscan
FuzzyDBSCAN algorithm
-
augurs
A time-series toolkit for forecasting, outlier detection, clustering and more
-
hot-ranking-algorithm
Algorithm that measures how relevant a given data set is, kinda like Reddit
-
when
'When' parses natural language date/time and produces computer friendly output structures
-
interval_adapter
Interval adapter for both open/closed implementations of intervals ( ranges )
-
partopo
Functions to execute work described by a dependency graph
-
generic-matrix-impl
generic matrices and their associated operations
-
speedytree
Canonical and RapidNJ implementations of Neighbor-joining in Rust
-
graphmst
allows you to generate minimum spanning tree from a graph using Prims, Kruskals, Boruvkas and Reverse Delete algorithms
-
cofe
tiny string similarity crate
-
randu
MCG65539 is IBM System/360 random number generator
-
sci_rust
A scientific Rust library
-
big_num
A big number implement in rust
-
vector_mapp
A Vec based map
-
imgddcore
Performance-first perceptual hashing library; perfect for handling large datasets. Designed to quickly process nested folder structures, commonly found in image datasets
-
compressed-sparse-fiber
Compressed sparse fiber implementation for Rust
-
bvh
A fast BVH using SAH
-
iris-lib
that creates color palettes from images using the median cut algorithm
-
binary_sort_tree
二叉树的new,insert,del,search等方法
-
calculator-rs
Calculator is a library which support calculates the value of string
-
rust-algorithm
algorithm
-
rational_deduction
rational deduction algorithm
-
stalin-binary-search
alike binary search but any checking element which is not target one is eliminated
-
tipping-rs
Token Interdependency Parsing (Tipping) algorithm
-
muscleman
A buffer utility
-
ndspec
A package for ocean waves and energy spectra
-
wordlea
A algorithm to check Wordle's word guess
-
zf-cc-utils
A small utilty crate for competitive coding
-
resiter-dpc-tmp
Helper crate for handling iterators over result [dpc's temporary release]
-
demo_test_add_2_numbers
Function for adding 2 numbers
-
npc-engine-utils
module of the NPC engine, providing re-usable support code
-
rustDatabook
A system for accessing data in a rdb file
-
fast_inv_sqrt
Fast inverse square root algorithm implementation
-
drunken-diver
Implements an algorithm inspired by the Drunken Bishop algorithm
-
bitset-fixed-utils
A bunch of utility stuffs that I use when working with bitsets in Rust
-
zasa_core
internal core package for zasa
-
babushka
bin packing and nesting library
-
whosly
便捷的工具库
-
zwohash
A fast, deterministic, non-cryptographic hash for use in hash tables
-
lcg69069
/ MTH$RANDOM Pseudorandom linear congruential generator
-
powers-pf
Power flow algorithms
-
math-concept
Common math concepts from Computer Science classes, implemented in Rust
-
zoea
by and for baby Rustaceans. It contains 'easy' buttons for common things like http get requests, key-value database persistence, and Natural Language Processing.
-
numeric
N-dimensional matrix class for Rust
-
dryip
Short 🩸 Rust 🦀 code snippets for inspiration
-
implode
Pure Rust implementation of the DCL Implode algorithm. Currently, only decompression is supported.
-
roulette
An efficient implementation of roulette wheel selection
-
perchance
Very simple random number generation optimized for ease of use
-
sgpe
Numerical solution of the stochastic Gross–Pitaevskii equation (SGPE) in Rust
-
matchertools
Implements the Gale-Shapley algorithm and exposes it as an API
-
orca-rs
ORCA algorithm
-
activation_functions
collection of activation functions
-
dammcheck
Damm Algorithm in various bases/alphabets
-
permutation_iterator
iterating over random permutations using O(1) (i.e. constant) space.
-
data_units
Data unit converter
-
rustmt
A MT19937 PRNG implementation for rust
-
ds-list
singly linked list and a doubly linked list (with sentinel node)
-
swifft
hash function, written in Rust
-
window-sort-iterator
An iterator adapter that sorts items within a sliding window
-
sortnet
Sorting Networks for Rust
-
ordq
Order keeping job processing queue
-
kaminpar
Rust wrapper around KaMinPar which is a shared-memory parallel tool to heuristically solve the graph partitioning problem
-
detect-lang
Language detection given paths and extensions
-
bubble-sort
A quick and non-optimized, cloning version of the bubble sort algorithm. Created as a showcase for publishing crates in the Rust Cookbook 2018
-
algorithms
most common algorithms
-
lootr
RPG-like looting system
-
koek-redact
Allows for redaction of values when outputting them to places where sensitive data is not permitted
-
eviolite
Toolkit for working with evolutionary algorithms
-
alg-seq
containing implementations for algorithms introduced in the AlgSeq lecture at university of Kiel
-
imei
number validator
-
space_alloc
General purpose space allocators
-
unik
A Powerful Universally Unique Identifier (UUID)
-
ctrs
Rust implementations and notes on category theory
-
meza
in-memory data table written in Rust
-
extrema
C++'s minmax_element implementation in rust
-
clipper-sys
Boolean operations on polygons (Clipper wrapper)
-
sequencer
Dependency graph processing libarary
-
cuv
Compressed unit vectors that can be used to store things like normal vectors efficiently
-
battery
Cross-platform information about the notebook batteries
-
struct2map
Procedural macro library for converting between Rust structs and associative containers
-
aflak_cake
Computational mAKE: Manage a graph of interdependent functions
-
gearhash
Fast, SIMD-accelerated hash function for content-defined chunking
-
library_of_babel
Babel in Rust
-
jenkins_hash
Native rust implementation of the hash algorithms from Bob Jenkins
-
asap-rs
Automatic Smoothing for Attention Prioritization for Time Series
-
clock-zones
handling clock zones
-
compressed_set
storing number sequences with outliners memeory efficiently
-
lsh-rs
LSH: Approximate Nearest Neighbor Search with Locality Sensitive Hashing
-
iron-shapes-booleanop
Boolean operations on polygons for iron-shapes
-
intrigue
Integer Trigonometry with pre-baked lookup tables
-
srando
lightweight random number gen
-
quine-mc_cluskey
Quine-McCluskey algorithm and Petrick's method
-
onlinecode
"Online Codes", a type of Fountain Code
-
random-pairings
Generates random pairings
-
pia
that adds packed integer arrays for mass storage of oddly sized variables
-
buckets
O(n) integer sort
-
chain_from_last
Iterator adaptor for chaining from last item
-
fastrand-contrib
Extension functionality for fastrand
-
rdeck
choosing distinct random elements
-
closest-sum-pair
Finds a pair in a list that has the closest sum to a given number
-
bubblesort
Bubblesorts stuff
-
todo_lib
Collection of utilities for todo.txt format
-
lcs_rs
longest common subsequence
-
bcmp
bcmp offers fast binary data comparison algorithms to enumerate common substrings, unique substrings or determine a patch set
-
pseudo_encrypt
native-Rust generic implementation of Psql's pseudo_encrypt
-
rusted_pipe
Real time processing library for developing multithreaded ML pipelines, written in Rust
-
rle-bitset
A no-std, no-alloc trait for querying and manipulating bits in a
[usize]
and iterating their run lengths -
chargrid_event_routine
Pseudo-synchronous composable event-based state machines for chargrid apps
-
portal-pc-tramp
Trampoline for recursive functions, with support for mutual recursion (portal version)
-
urbit-ob
formatting and parsing Urbit's @p and @q data types (patp/patq)
-
polynomint
A no-dependency library for working with integer polynomials
-
intern-str
Efficient, compile-time string interning for Rust
-
infinity-sampler
Deterministic reservoir sampling for Rust
-
numcmp
Comparison between differently typed numbers
-
halton
A module for generating Halton sequences
-
algorithms-edu
Algorithms for pedagogical demonstration
-
radiate-gp
Extensions for radiate. Genetic Programming implementations for graphs (neural networks) and trees
-
array-matrix
Treats two-dimensional arrays as matrices and introduces matrix operations
-
heapify
Convenience functions to turn slices into max-heaps
-
vrf
Fast and extensible Verifiable Random Function (VRF) library; currently supporting secp256k1, secp256r1 and sect163k1 curves
-
fsort
sort files in a fast, OS-independent and 'rusty' way
-
advanedresearch-trinoise
A mathematical noise pattern of 3 values based on Number Theory and Set Theory
-
debris
the data structure
-
mecs
An ecs library with a focus on iteration performance
-
squares
A Counter-RNG faster than Philox
-
permutation-rs
Do calculations with groups
-
vbyte
variable length integer compression
-
inaturalist
API bindings
-
partition-iterator
Iterator adaptors that enumerate all partitions or all k-partitions of an iterator's content
-
circular-array
A circular array that allows infinite pushes into a fixed-size array
-
aud
A minimal implementation of Sagas
-
xcc
Exact Cover solver with color extensions
-
cmsis_dsp_sys_pregenerated
Low-level interfaces to the ARM CMSIS-DSP library
-
is-real
real?
-
treap_non_random
A non-randomized Treap implementation. Not very useful as a balanced tree, but useful when implementing CVM or similar algorithms.
-
kmers
k-mer manipulation
-
cc4
Very simple implementation of the four_cc/fourcc algorithm as a const fn
-
grib1_reader
capable of reading GRIB version 1 files
-
kg-utils
Various collections and utilities
-
rust_clue_solver_2
a way to figure out a clue game more easily
-
weight_matchers
Efficiently find items by matching weight. You can build the lookup structure at compile time.
-
rdedup-cdc
Content defined chunking (and rolling hash) algos
-
cobhan
FFI is a system for enabling shared code to be written in Rust and consumed from all major languages/platforms in a safe and effective way, using easy helper functions to manage any unsafe data marshaling
-
coupe
mesh partitioning library. It implements composable geometric and topologic algorithms.
-
xias
Explicit numeric type conversions
-
index-sort
Sort containers by index using user-specified swap and compare functions
-
robin_merge
merging vectors round-robin style
-
audiograph
An audio graph optimised for performance and limiting runtime allocations
-
rand_seeder
A universal random number seeder based on SipHash
-
three-style-lib
A 3x3 Rubik's Cube three style library
-
pyrand
Pure rust implementation of python's random module with compatible PRNG behaviour: seeding with equivalent values will yield identical PRNG output
-
ibmfloat
IBM floating point number types
-
vnd_siren
A SIREN DSL/serializer
-
tenhou-shuffle
Tenhou Deck/Wall-Shuffling Algorithm
-
glar-gemm-s8u8s32
high performance cpu kernels
-
sylvan_number
My own big number implementation, just for my own uses
-
spral
Rust wrapper for SPRAL
-
core_float
based on the Rust Core Library and aims to provide an identical set of APIs for f32 and f64 floating-point types
-
b4s
Binary Search Single Sorted String: Perform binary search on a single, delimited string slice of sorted but unevenly sized substrings
-
alea
randomness
-
noiserand
Random white noise turned into random numbers
-
first_order_logic
first-order logic
-
crc16-t10dif-fast
SIMD-powered implementation of CRC-16/T10-DIF
-
parallel-factorial
fast, parallel factorial calculator
-
fuss
Small, lightweight simplex noise generator for Rust
-
symbolic-sets-integers
Symbolic sets examples and test implementations
-
canonical-form
Reduce graphs and other combinatorial structures modulo isomorphism
-
geometrize-sys
geometrize bindings
-
bloom_filter_simple
generic bloom filter implementation
-
kermit-kvs
Key-value stores used in Kermit
-
selecta_score
Selecta scoring algorithm
-
resistor
calculating the resistance of a resistor based on the color bands
-
psqr
The P-Square Algorithm for Dynamic Calculation of Percentiles and Histograms without Storing Observations
-
sat_toasty_helper
more-easily writing SAT constraints
-
honestintervals
Comprehensive, correctly rounding interval arithmetic library
-
task_partitioner
helper lib that allows partitioning named tasks by count or hash
-
rast
A toy implementation of the raft consistency protocol focused on speed
-
dia-ip-range
-
tempoid
Generates URL-friendly, unique, and short IDs that are sortable by time. Inspired by nanoid and UUIDv7.
-
gpt-partition-type
getting information about a GPT partition from its partition type GUID
-
win95-keygen
A lightweight library to generate valid Win95 product keys
-
prng_mt
Mersenne Twister PRNG in Rust
-
yet-another-md5
compute md5 hashes from Read objects
-
clingo-sys
Raw FFI bindings to the C API of the clingo library
-
calculator_util
that helps you evaluating mathmatical expressions
-
cubecl-core
CubeCL core create
-
kermit-algos
Algorithms used in Kermit
-
kube_quantity_2
kube_quantity is a library adding arithmetic operations to the Quantity type from the k8s-openapi crate
-
sorting
The world's best, finest and inefficient sorting algorithms
-
m4ri-rust
M4RI-based boolean linear algebra
-
currency_rs_isotoxal
handling currencies uses less lifetimes and more data on heap use currency_rs if you need
-
state_maschine
A State Machine Framework written in Rust
-
vecfx
Extra batteries for a vec of floats
-
porco
Composable probability distributions
-
poseidon-permutation
An instantiation of the Poseidon permutation for decaf377
-
xkcp-rs
Safe wrappers to the XKCP library
-
reciprocal
Baseline implementation of integer division by constants
-
guid-partition-types
A small crate designed to work with parition types and their GUIDs
-
morel
A string searching library
-
kalman-rust
Dead simple implementation of Discrete Kalman filter for object tracking purposes
-
minecraft_launcher_core
A Minecraft launcher library written in rust
-
narcissistic
number searcher
-
burster
Lightweight stack allocated rate limiter implementations
-
MIL1750A-Converter
convert to and from MIL-1750A
-
wildescape
string matching with questionmark, star wildcard operator and an escaped character
-
automaters
Implémentation d'automate en Rust. (FSM, NFA, DFA, NDFAE)
-
value-box-ffi
C-like api to family of value-box crates
-
clone_dyn_types
Derive to clone dyn structures
-
aabel-bloom-rs
implements the Bloom filter
-
scip-sys
Bindings for the C SCIP solver
-
shannon-entropy
calculate the Shannon entropy of a string
-
thirtyseconds
Short Rust 🦀 code snippets for inspiration
-
hnsw
Fast approximate nearest neighbors
-
elm-solve-deps
A dependency solver for the elm ecosystem
-
lesspass
An efficient implementation of the LessPass password generator
-
phreak_rules
Rule matching algorithm focussed on speed
-
bio
A bioinformatics library for Rust. This library provides implementations of many algorithms and data structures that are useful for bioinformatics, but also in other fields.
-
bit-list
A lazy list of bits
-
givre
TSS Schnorr/EdDSA implementation based on FROST
-
mitex-glob
Glob impl for MiTeX
-
simplerandom
pseudo-random number generators
-
token_store
A token-based store for arbitrary values
-
sparse_linear_assignment
Solvers for sparse linear assignment problem based on the auction algorithm
-
duval-rs
Duval algorithm in Rust
-
shuffle
various shuffling algorithms over slices
-
aob_common
String searching with wildcards
-
drain_at_sorted_unchecked
Terribly unsafe but highly efficient function that allows removing items from a vector with few moves
-
hydrus-api
wrapper for the hydrus client api
-
galapagos
evolutionary solver
-
suitesparse_camd_sys
Raw bindings to SuiteSparse's CAMD algorithm
-
fstd
A fast standard library for Rust
-
tri_poly_moment
Calculate moments of random variables. The distributions of the random variables are normal, uniform, and exponential.
-
moco_abm
MOCO - Anytime Behavior Model (moco_abm)
-
datagram-builder
Nimble Datagram Builder
-
rosomaxa
algorithm and other building blocks for creating a solver for optimization problems
-
fribidi
bindings for Rust
-
valistr
Creating immutable string wrapper types with values validated with regexes
-
extlog
Rust Extension log for commandline
-
opensimplex_noise_rs
OpenSimplex noise algorithm implementation in Rust
-
tree-struct
A general-purpose Tree implementation in Rust
-
str-similarity
A string similarity library
-
bridgitte
Contract bridge double dummy solver
-
truth-values
Generate all possible combinations of N bools
-
red_union_find
union find algorithm
-
rmath
math library
-
fugue-bytes
A binary analysis framework written in Rust
-
largest-remainder-method
The largest remainder method
-
qrs_detector
Realtime ECG QRS detector algorithm
-
bentobox
A fast, allocation-free Monte Carlo model of a top-N podium finish in racing events
-
interp1d
lightweight interpolation library written in Rust
-
lcpc-brakedown-pc
polynomial commitment scheme from SDIG expander code
-
eudex
A blazingly fast phonetic reduction/hashing algorithm
-
decluster
Iteratively declusters and replaces a randomised set of 2D points until a set is discovered where each point is separated by at least the specified minimum distance
-
globe-rs
management of geographic coordinates
-
const_lookup_map
Rust map that can be defined in a const context
-
finite-state-automaton
A minimal DFSA implementation based on Jurafsky & Martin (2009)
-
terrain-graph
Graph Library for Rust
-
sorts
A collection of sorting algorithms
-
test_tools
Tools for writing and running tests
-
recursion-schemes
cache-aware stack safe recursion (this is the really haskell brained one)
-
yamcts
Monte Carlo Tree Search
-
compensated-summation
Compensated summation algorithms for better precision
-
rscompress-approximation
data approximations supporting rscompress
-
char-ranges
Iterate chars and their start and end byte positions
-
lehmer
Convert between permutation vectors, Lehmer codes and decimals
-
intpackit
that allows to manage unsigned values packed in a single integer
-
reblessive
A small runtime for running deeply nested recursive functions
-
sugiura-hiromichi_mylibrary
my personal library
-
fmul-to-int
Float multiplication to integer part
-
map-gen-2d
2D map generation algorithms implementaion
-
wave_func_collapse
wave function collapse algorithm
-
boomphf-patched
Scalable and Efficient Minimal Perfect Hash Functions (version modified by Piotr Beling)
-
maze_generator
different maze generation algorithms
-
kmp
Various functions using the Knuth–Morris–Pratt algorithm to efficiently find patterns
-
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>
-
compound_factor_iter
Iterator types for output permutations from a function combining multiple discrete factors
-
gbps
gossip-based peer sampling
-
gt-directed-bijective-connection-graph
an implimentation of a directed bijective connection graph
-
norm
A collection of distance metrics on strings
-
fast32
Base32 and base64 encoding in Rust. Primarily for integer (u64, u128) and UUID identifiers, as well as arbitrary byte arrays.
-
dsar
Data Structures & Algorithms in Rust
-
pi_rand
Custom random number generator
-
modular
arithmetic in rust
-
norman
Implementations of different norms for elements of vector spaces
-
droprate
generating different kinds of randomized trials given a set of options and weights
-
jps
Jump Point Search Implementation for Path Finding
-
ripin
that handle Reverse Polish notated expressions, compiles, and evaluate them
-
lis
Longest increasing subsequence algorithm
-
casuarius
Cassowary linear constraint solving algorithm
-
binary-helper
binary conversion crate
-
automafish
state machine builder for creating deterministic state machines out of nondeterministic state machine definitions
-
codek
Codec trait
-
brzozowski-regex
Brzozowski regular expressions
-
weighted-median
Calculate the weighted median
-
positivity
checking the non-negativity of values across various types
-
shufflr
Shuffle a lists using Fisher-Yates algorithm
-
isnt-even-nor-odd
Returns true if the given number isn't even or odd
-
dogs
Discrete Optimization Global Search framework. Implements various search algorithms that can be found in combinatorial optimization or heuristic search.
-
shyfyr
Simpliest possible text encryption algorithm that goes FYR
-
ss-graph-rs
A graph algorithm library written in Rust, primarily featuring a function for finding all paths
-
pluum
very sweet
-
openraft-rocksstore-compat07
A example v07 compatible implementation of the
openraft::RaftStorage
trait -
rdftk_memgraph
Graph traits from rdftk_core::graph for simple in-memory usage
-
redc
Unsigned integer types which are constrained within a modular field using montgomery multiplication, never overflowing or exceeding the modulo
-
is_42
blazingly fast way of checking if a variable is equal to 42
-
fsm-rust-jb
FSM (with effects, like Mealy machine) implementation in Rust
-
lev_distance
A copy of Levenshtein distance implementation from Rust Compiler
-
welford
Online algorithm for mean and variance, with support for uneven weights
-
mesh_to_sdf
Mesh to signed distance field (SDF) converter
-
hidden-median
Finds the median of two lists, when merged without breaking sorted state
-
vec-option
A space optimized version of
Vec<Option<T>>
that stores the discriminant seperately -
para-graph
"Para-Graph" delivers swift, parallel graph algorithms in Rust, optimized for CPU and GPU. Ideal for HPC workflows.
-
darwin-rs
Evolutionary algorithms library written in Rust
-
sharded-counter
A fast and concurrent counter
-
ukanren
µKanren, a featherweight relational programming language
-
staticstep
truly zero-cost alternatives to
Iterator::step_by
for both incrementing and decrementing any type that satisfiesRangeBounds<T: Copy + Default + Step>
-
packed-vec
Sorted, deduped, compressed vector of integers
-
solve-leetcode
Solutions to leetcode in rust
-
tension
Tensor library with OpenCL acceleration
-
power-consistent-hash
Power consistent hash - constant expected time constant memory consistent hash
-
markov_rs
fast Markov chain generator in Rust
-
zw-fast-quantile
Zhang-Wang fast quantile algorithm in Rust
-
various_data_file
Store a dainary datas in a file. Use mmap, optimize fragments on delete, and reference identical strings.
-
byte-num
converting numbers to bytes, and bytes to numbers in base 10!
-
idalloc
different methods of allocating unique identifiers efficiently
-
simple_delaunay_lib
2D and 3D Delaunay algorithms in Rust
-
mop
Flexible and modular single or multi-objective solver for contiguous and discrete problems
-
lazy_futuristic
Initialize variables lazily, futuristically
-
hangeul-id
Shorter unique id using Hangeul
-
kirkos
Lightweight no_std heap-allocated circular buffer implementation
-
ipopt-ad
Blackbox NLP solver using IPOPT and automatic differentiation
-
ascon-prng
Ascon-PRF is lightweight PRF. This implementation also offers an RNG based on this construction
-
ndarray-utils
ndarray utilities
-
ruststft
computes the short-time fourier transform on streaming data
-
rpn_calc_uc_sample
RPN sample library
-
ritehash
A tiny, fast, zero-dep and no_std fxhash fork. More up to date.
-
divsufsort
Rust port of Yuta Mori's divsufsort
-
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…
-
iter_help
tools for iterating over collections of data
-
str_sim
Calculate the similarity between strings
-
veho
a iterable toolset
-
etcd_dynamic_state
Etcd dynamic state library
-
dispnet-shared
Shared Library used for Dispnet
-
rodar
a command line tool that brings together all the functions Roy would use for analysis and decision-making
-
nqueens-oxigen
N Queens problem resolution using oxigen
-
spatial_hash
A 2D Spatial Hash which uses cubes, triangles and hexes
-
cellular_lib
simulation of cellular automata
-
rebinb
A small crate for a resizable binary buffer!
-
polymur-hash
Polymur hash function
-
refset
A non-owning HashSet
-
scicrypt-bigint
A scicrypt crate implementing *mostly* constant-time bigints for modular integers
-
chinese2digits
The Best Tool of Chinese Number to Digits. A useful tool in NLP and robot project.
-
clipper2c-sys
Exposing unsafe FFI for Clipper2 library for Rust
-
rustgraphblas
Wrapper for GraphBLAS.h exposing SparseMatrix and SparseVector
-
topcodes
A scanner for detecting TopCodes in an image buffer
-
is-even-or-odd
Returns true if the given number is even or odd
-
ingrid
Dynamic two-dimensional arrays with algorithms
-
rost
sorting
-
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.
-
csparse21
Sparse Matrix Solver
-
nsga
Multi-objective genetic optimization algorithm NSGA-II
-
yfft
fast Fourier transform library optimized for small, power-of-two, single precision transforms and x86 systems
-
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
-
midi-toolkit-rs
ultra high performance MIDI operations, designed for black MIDI. The library isn't perfect
-
c2-sys
c2.h library
-
max_n
function on iterators to find the maximum or minimum n values
-
oscirs_linalg
GPU accelerated linear algebra crate for scientific computing
-
omango-wyhash
Wang Yi hash for Rust
-
xx-hash
xxHash implementation
-
dahl-partition
An efficient representation of a set partition
-
transducers
A transducer library for Rust
-
gsl_rust
A safe GSL wrapper
-
tallyweb-fuzzy-sort
A fuzzy sort library for use with the tallyweb site package
-
more-iter
More iterator utilities
-
librsb-sys
FFI interface for librsb
-
rsort
perform different sorting algorithms on lists of numbers
-
easey
Easing functions for interpolation between 0.0 and 1.0
-
cfpyo3_rs_bindings
a collection of performant utilities
-
m4ri-sys
Bindings to m4ri
-
ackr
Storm acking algorithm in Rust
-
japanese_number_converter
A lib to convert numbers into japanese
-
assign1
Sorting code
-
game_pathfinding
一个寻路库,包含AStar和Recast,目前还在开发阶段
-
srtree
SR-Tree: a high-dimensional nearest neighbor search index
-
simple_permutator
create permutations of a list of values. Eg Permutator::new(&[1,2,3]) creates an iterator that yields [1,2,3], [2,1,3], [2,3,1], [1,3,2], [3,1,2], [3,2,1]
-
is_i32
A blazingly fast algorithm to compute whether or not a value is an i32
-
lupine
A bloom filter using FX Hash with Kirsch and Mitzenmacher optimization
-
graphannis-core
supports graph representation and generic query-functionality
-
generations
running generation-based simulations in Rust
-
varisat-checker
Proof checker for proofs generate by the Varisat SAT solver
-
vivaldi-nc
Vivaldi network coordinates for fast, distributed latency estimates in multinode networks, with a clean and simple interface
-
grid_search_cardinal_point_to_point
Search algorithm for finding the shortest path between two points in a uniform-cost cardinal grid
-
wheel
algebra library for Rust
-
monitor-common
Basic data structure and algorithm of linux-monitor tool
-
gmatlib
linear algebra in Rust and beyond!
-
bigs
A bipartite graph sampler