πΒ A ranked list of awesome machine learning Rust libraries.
This curated list contains 220 awesome open-source projects with a total of 480K stars grouped into 10 categories. All projects are ranked by a project-quality score, which is calculated based on various metrics automatically collected from GitHub and different package managers. If you like to add or update projects, feel free to open an issue, submit a pull request, or directly edit the projects.yaml. Contributions are very welcome!
π§ββοΈ Discover other best-of lists or create your own.
- Machine Learning Frameworks 87 projects
- Text Data & NLP 62 projects
- Image Data 12 projects
- Data Loading & Extraction 21 projects
- Graph Data 6 projects
- Model Interpretability 1 projects
- MLOps 3 projects
- Applications 24 projects
- Analysis 1 projects
- Other 2 projects
- Others 3 projects
- π₯π₯π₯Β Combined project-quality score
- βοΈΒ Star count from GitHub
- π£Β New project (less than 6 months old)
- π€Β Inactive project (6 months no activity)
- πΒ Dead project (12 months no activity)
- ππΒ Project is trending up or down
- βΒ Project was recently added
- βοΈΒ Warning (e.g. missing/risky license)
- π¨βπ»Β Contributors count from GitHub
- πΒ Fork count from GitHub
- πΒ Issue count from GitHub
- β±οΈΒ Last update timestamp on package manager
- π₯Β Download count from package manager
- π¦Β Number of dependent projects
- Β A binding for another project.
General-purpose machine learning and deep learning frameworks.
statrs (π₯23 Β· β 580) - Statistical computation library for Rust. MIT
-
GitHub (π¨βπ» 46 Β· π 83 Β· π¦ 17K Β· π 150 - 27% open Β· β±οΈ 23.09.2024):
git clone https://github.com/boxtown/statrs
burn (π₯22 Β· β 8.5K) - Burn is a new comprehensive dynamic Deep Learning Framework built using.. Apache-2
-
GitHub (π¨βπ» 140 Β· π 420 Β· π¦ 430 Β· π 670 - 30% open Β· β±οΈ 30.09.2024):
git clone https://github.com/burn-rs/burn
nalgebra (π₯22 Β· β 3.9K Β· π) - Linear algebra library for Rust. Apache-2
-
GitHub (π¨βπ» 220 Β· π 470 Β· π¦ 42K Β· π 710 - 44% open Β· β±οΈ 21.07.2024):
git clone https://github.com/dimforge/nalgebra
linfa (π₯22 Β· β 3.7K) - A Rust machine learning framework. Apache-2
-
GitHub (π¨βπ» 45 Β· π 240 Β· π¦ 520 Β· π 160 - 37% open Β· β±οΈ 03.07.2024):
git clone https://github.com/rust-ml/linfa
candle (π₯21 Β· β 15K) - Minimalist ML framework for Rust. Apache-2
-
GitHub (π¨βπ» 150 Β· π 890 Β· π¦ 1.1K Β· π 680 - 45% open Β· β±οΈ 02.10.2024):
git clone https://github.com/huggingface/candle
tvm (π₯21 Β· β 12K) - Open deep learning compiler stack for cpu, gpu and specialized.. Apache-2
-
GitHub (π¨βπ» 1K Β· π 3.3K Β· π₯ 4.5K Β· π 3.4K - 12% open Β· β±οΈ 02.10.2024):
git clone https://github.com/apache/tvm
mistral.rs (π₯21 Β· β 3.6K Β· β) - Blazingly fast LLM inference. MIT
-
GitHub (π¨βπ» 25 Β· π 250 Β· π₯ 830 Β· π 240 - 27% open Β· β±οΈ 02.10.2024):
git clone https://github.com/EricLBuehler/mistral.rs
Peroxide (π₯21 Β· β 510) - Rust numeric library with R, MATLAB & Python syntax. Apache-2
-
GitHub (π¨βπ» 19 Β· π 30 Β· π¦ 200 Β· π 35 - 31% open Β· β±οΈ 30.07.2024):
git clone https://github.com/Axect/Peroxide
tch-rs (π₯20 Β· β 4.2K) - Rust bindings for the C++ api of PyTorch. Apache-2
-
GitHub (π¨βπ» 76 Β· π 330 Β· π₯ 1.9K Β· π¦ 1.9K Β· π 560 - 24% open Β· β±οΈ 15.09.2024):
git clone https://github.com/LaurentMazare/tch-rs
rust-numpy (π₯20 Β· β 1.1K) - PyO3-based Rust bindings of the NumPy C-API. BSD-2
-
GitHub (π¨βπ» 43 Β· π 100 Β· π¦ 3.3K Β· π 130 - 10% open Β· β±οΈ 21.07.2024):
git clone https://github.com/PyO3/rust-numpy
sprs (π₯20 Β· β 390) - sparse linear algebra library for rust. Apache-2
-
GitHub (π¨βπ» 36 Β· π 44 Β· π¦ 1.4K Β· π 150 - 29% open Β· β±οΈ 22.09.2024):
git clone https://github.com/vbarrielle/sprs
azure-sdk-for-rust (π₯19 Β· β 700 Β· π) - This repository is for active development of the.. MIT
-
GitHub (π¨βπ» 140 Β· π 230 Β· π¦ 1.3K Β· π 600 - 30% open Β· β±οΈ 28.08.2024):
git clone https://github.com/Azure/azure-sdk-for-rust
smartcore (π₯18 Β· β 700 Β· π€) - A comprehensive library for machine learning and numerical.. Apache-2
-
GitHub (π¨βπ» 29 Β· π 73 Β· π¦ 230 Β· π 120 - 56% open Β· β±οΈ 04.03.2024):
git clone https://github.com/smartcorelib/smartcore
argmin (π₯17 Β· β 990) - Numerical optimization in pure Rust. Apache-2
-
GitHub (π¨βπ» 40 Β· π 77 Β· π¦ 520 Β· π 120 - 24% open Β· β±οΈ 31.08.2024):
git clone https://github.com/argmin-rs/argmin
faiss-rs (π₯17 Β· β 200) - Rust language bindings for Faiss. Apache-2
-
GitHub (π¨βπ» 11 Β· π 32 Β· π¦ 32 Β· π 36 - 25% open Β· β±οΈ 18.09.2024):
git clone https://github.com/Enet4/faiss-rs
rust (π₯16 Β· β 5.1K Β· π€) - Rust language bindings for TensorFlow. Apache-2
-
GitHub (π¨βπ» 49 Β· π 420 Β· π 190 - 32% open Β· β±οΈ 03.12.2023):
git clone https://github.com/tensorflow/rust
ratchet (π₯15 Β· β 580 Β· β) - A cross-platform browser ML framework. MIT
-
GitHub (π¨βπ» 14 Β· π 31 Β· π¦ 4 Β· π 90 - 27% open Β· β±οΈ 20.09.2024):
git clone https://github.com/huggingface/ratchet
luminal (π₯14 Β· β 1.5K Β· β) - Deep learning at the speed of light. Apache-2
-
GitHub (π¨βπ» 10 Β· π 90 Β· π¦ 3 Β· π 50 - 48% open Β· β±οΈ 04.08.2024):
git clone https://github.com/jafioti/luminal
autograph (π₯13 Β· β 310) - A machine learning library for Rust. Apache-2
-
GitHub (π¨βπ» 4 Β· π 16 Β· π¦ 2 Β· β±οΈ 19.08.2024):
git clone https://github.com/charles-r-earp/autograph
instant-distance (π₯11 Β· β 310) - Fast approximate nearest neighbor searching in Rust,.. Apache-2
-
GitHub (π¨βπ» 10 Β· π 22 Β· π¦ 2 Β· π 7 - 28% open Β· β±οΈ 04.08.2024):
git clone https://github.com/InstantDomain/instant-distance
kdtree-rs (π₯11 Β· β 230 Β· π€) - K-dimensional tree in Rust for fast geospatial indexing and.. Apache-2
-
GitHub (π¨βπ» 16 Β· π 43 Β· π 19 - 5% open Β· β±οΈ 02.02.2024):
git clone https://github.com/mrhooray/kdtree-rs
rurel (π₯11 Β· β 140) - Flexible, reusable reinforcement learning (Q learning) implementation in.. MPL-2.0
-
GitHub (π¨βπ» 9 Β· π 17 Β· π¦ 18 Β· π 11 - 18% open Β· β±οΈ 25.06.2024):
git clone https://github.com/milanboers/rurel
Show 65 hidden projects...
- rusoto (π₯22 Β· β 2.7K Β· π) - AWS SDK for Rust.
MIT
- tract (π₯19 Β· β 2.2K) - Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference.
βUnlicensed
- pyrus-cramjam (π₯19 Β· β 88) - Your go-to for easy access to a plethora of compression algorithms,..
MIT
- evcxr (π₯18 Β· β 5.5K) -
βUnlicensed
- xaynet (π₯18 Β· β 200 Β· π) - Xaynet represents an agnostic Federated Machine Learning framework..
Apache-2
- weld (π₯17 Β· β 3K Β· π) - High-performance runtime for data analytics applications.
BSD-3
- rusty-machine (π₯17 Β· β 1.3K Β· π) - Machine Learning library for Rust.
MIT
- juice (π₯16 Β· β 1.1K) - The Hacker's Machine Learning Engine.
βUnlicensed
- rustlearn (π₯16 Β· β 620 Β· π) - Machine learning crate for Rust.
Apache-2
- granne (π₯16 Β· β 310 Β· π) - Graph-based Approximate Nearest Neighbor Search.
MIT
- gap_statistic (π₯16 Β· β 220 Β· π) - Dynamically get the suggested clusters in the data for..
Unlicense
- dfdx (π₯15 Β· β 1.7K Β· π€) - Deep learning in Rust, with shape checked tensors and neural..
βUnlicensed
- onnxruntime-rs (π₯15 Β· β 280 Β· π) - Rust wrapper for Microsoft's ONNX Runtime (version..
Apache-2
- leaf (π₯14 Β· β 5.6K Β· π) - Open Machine Intelligence Framework for Hackers. (GPU/CPU).
Apache-2
- Enzyme (π₯14 Β· β 1.3K) - High-performance automatic differentiation of LLVM and MLIR.
βUnlicensed
- rain (π₯14 Β· β 750 Β· π) - Framework for large distributed pipelines.
MIT
- cleora (π₯14 Β· β 480 Β· π) - Cleora AI is a general-purpose model for efficient, scalable..
βUnlicensed
- hnsw (π₯14 Β· β 220 Β· π) - HNSW ANN from the paper Efficient and robust approximate nearest neighbor..
MIT
- rsrl (π₯14 Β· β 180 Β· π) - A fast, safe and easy to use reinforcement learning framework in Rust.
MIT
- hora (π₯13 Β· β 2.6K Β· π) - efficient approximate nearest neighbor search algorithm collections..
Apache-2
- NeuroFlow (π₯13 Β· β 110 Β· π) - Awesome deep learning crate.
MIT
- kodama (π₯13 Β· β 91 Β· π€) - Fast hierarchical agglomerative clustering in Rust.
MIT
- bhtsne (π₯13 Β· β 67) - Parallel Barnes-Hut t-SNE implementation written in Rust.
MIT
- gym-rs (π₯13 Β· β 61 Β· π) - OpenAI Gym bindings for Rust.
MIT
- rust-autograd (π₯12 Β· β 480 Β· π) - Tensors and differentiable operations (like TensorFlow) in Rust.
MIT
- L2 (π₯11 Β· β 190 Β· π) - l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust.
MIT
- rustml (π₯11 Β· β 65 Β· π) - Machine learning in Rust.
βUnlicensed
- ffsvm-rust (π₯11 Β· β 65) - FFSVM stands for Really Fast Support Vector Machine.
MIT
- rstats (π₯11 Β· β 47) - Statistics, Information Measures, Linear Algebra, Cholesky Matrix..
Apache-2
- black-jack (π₯11 Β· β 29 Β· π) - DataFrame / Series data processing in Rust.
βοΈGPL-3.0
- petal-clustering (π₯11 Β· β 25) - DBSCAN and OPTICS clustering algorithms.
Apache-2
- unda (π₯11 Β· β 13) - General purpose machine learning crate.
Apache-2
- neuronika (π₯10 Β· β 1K Β· π) - Tensors and dynamic neural networks in pure Rust.
Apache-2
- RustNN (π₯10 Β· β 330 Β· π) - A neural network crate.
Apache-2
- deeplearn-rs (π₯10 Β· β 210 Β· π) - Neural networks in Rust.
MIT
- orkhon (π₯10 Β· β 150 Β· π) - Orkhon: ML Inference Framework and Server Runtime.
MIT
- gamma (π₯10 Β· β 120 Β· π) - A graph library for Rust.
βUnlicensed
- tflite-rs (π₯10 Β· β 110) -
Apache-2
- rten (π₯10 Β· β 110 Β· β) - ONNX neural network inference engine.
βUnlicensed
- alumina (π₯10 Β· β 100 Β· π) - A deep learning library for rust.
βUnlicensed
- torchrs (π₯10 Β· β 77 Β· π) - Deep Learning in Rust with the PyTorch API.
BSD-2
- rustdef (π₯10 Β· β 28 Β· π) - Jupyter extension for Rust.
MIT
- reductive (π₯10 Β· β 6 Β· π) - Vector quantization.
Apache-2
- hal (π₯9 Β· β 90 Β· π) - Rust based Cross-GPU Machine Learning.
MIT
- tractjs (π₯9 Β· β 75 Β· π) - Run ONNX and TensorFlow inference in the browser.
βUnlicensed
- ngt-rs (π₯9 Β· β 36) - Rust wrappers for NGT approximate nearest neighbor search.
Apache-2
- RusticSOM (π₯9 Β· β 33 Β· π) - Rust library for Self Organising Maps (SOM).
MIT
- batched-fn (π₯9 Β· β 18 Β· π€) - Rust server plugin for deploying deep learning models with..
Apache-2
- bayespam (π₯9 Β· β 13 Β· π) - A simple bayesian spam classifier written in Rust.
MIT
- vpsearch (π₯8 Β· β 32 Β· π) - C library for finding nearest (most similar) element in a set.
βUnlicensed
- crfsuite-rs (π₯8 Β· β 25 Β· π) - Rust binding to crfsuite.
MIT
- cntk-rs (π₯8 Β· β 21 Β· π) - Wrapper around Microsoft CNTK library.
Apache-2
- liblinear-rs (π₯8 Β· β 9 Β· π) - Rust language bindings for the LIBLINEAR C/C++ library.
MIT
- mushin (π₯7 Β· β 390 Β· π) - Computational graphs with reverse automatic differentation in..
βUnlicensed
- fwumious_wabbit (π₯7 Β· β 130) - Fwumious Wabbit, fast on-line machine learning toolkit..
βUnlicensed
- cogent (π₯7 Β· β 44 Β· π) - Simple neural network library for classification written in Rust.
βUnlicensed
- prophet (π₯7 Β· β 39 Β· π) - A simple neural net implementation.
βUnlicensed
- rust-dl-webserver (π₯7 Β· β 33 Β· π) - Example of serving deep learning models in Rust with..
βUnlicensed
- revonet (π₯7 Β· β 20 Β· π) - Rust implementation of real-coded GA for solving optimization..
βοΈGPL-3.0
- drug (π₯7 Β· β 16 Β· π) - Differentiable Rust Graphs (neural network library).
MIT
- craftml-rs (π₯7 Β· β 15 Β· π) - A Rust implementation of CRAFTML, an Efficient Clustering-based..
MIT
- hwt (π₯7 Β· β 7 Β· π) - Hamming Weight Tree from the paper Online Nearest Neighbor Search in Hamming..
MIT
- REnforce (π₯6 Β· β 22 Β· π) - Reinforcement learning library written in Rust.
βUnlicensed
- fann-rs (π₯6 Β· β 15 Β· π€) - Rust wrapper for the Fast Artificial Neural Network library.
βοΈLGPL-3.0
- rust-hf-hub-loader (π₯6 Β· β 3 Β· π) -
Apache-2
Libraries for processing, cleaning, manipulating, and analyzing text data as well as for diverse NLP tasks.
tiktoken (π₯25 Β· β 12K) - tiktoken is a fast BPE tokeniser for use with OpenAI's models. MIT
-
GitHub (π¨βπ» 17 Β· π 740 Β· π¦ 96K Β· π 230 - 18% open Β· β±οΈ 13.05.2024):
git clone https://github.com/openai/tiktoken
tokenizers (π₯25 Β· β 8.9K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
-
GitHub (π¨βπ» 93 Β· π 760 Β· π₯ 65 Β· π¦ 100K Β· π 980 - 3% open Β· β±οΈ 01.10.2024):
git clone https://github.com/huggingface/tokenizers
aho-corasick (π₯23 Β· β 1K) - A fast implementation of Aho-Corasick in Rust. Unlicense
-
GitHub (π¨βπ» 32 Β· π 88 Β· π¦ 490K Β· π 67 - 4% open Β· β±οΈ 25.09.2024):
git clone https://github.com/BurntSushi/aho-corasick
memchr (π₯23 Β· β 870) - Optimized string search routines for Rust. Unlicense
-
GitHub (π¨βπ» 43 Β· π 97 Β· π¦ 630K Β· π 67 - 8% open Β· β±οΈ 25.09.2024):
git clone https://github.com/BurntSushi/memchr
ollama-rs (π₯21 Β· β 480 Β· π) - A Rust library allowing to interact with the Ollama API. MIT
-
GitHub (π¨βπ» 26 Β· π 73 Β· π¦ 220 Β· π 34 - 17% open Β· β±οΈ 01.10.2024):
git clone https://github.com/pepperoni21/ollama-rs
grex (π₯20 Β· β 7.2K) - A command-line tool and Rust library with Python bindings for generating.. Apache-2
-
GitHub (π¨βπ» 10 Β· π 170 Β· π₯ 45K Β· π¦ 160 Β· π 53 - 15% open Β· β±οΈ 01.10.2024):
git clone https://github.com/pemistahl/grex
llama-rs (π₯19 Β· β 6.1K) - [Unmaintained, see README] An ecosystem of Rust libraries for.. Apache-2
-
GitHub (π¨βπ» 53 Β· π 340 Β· π₯ 1.2K Β· π¦ 320 Β· π 230 - 35% open Β· β±οΈ 24.06.2024):
git clone https://github.com/rustformers/llama-rs
fancy-regex (π₯19 Β· β 420) - Rust library for regular expressions using fancy features like look-.. MIT
-
GitHub (π¨βπ» 24 Β· π 37 Β· π¦ 11K Β· π 45 - 31% open Β· β±οΈ 19.07.2024):
git clone https://github.com/fancy-regex/fancy-regex
lindera (π₯19 Β· β 380) - A multilingual morphological analysis library. MIT
-
GitHub (π¨βπ» 18 Β· π 37 Β· π₯ 2K Β· π¦ 790 Β· π 84 - 13% open Β· β±οΈ 01.10.2024):
git clone https://github.com/lindera-morphology/lindera
rust-bert (π₯18 Β· β 2.6K) - Rust native ready-to-use NLP pipelines and transformer-based.. Apache-2
-
GitHub (π¨βπ» 48 Β· π 210 Β· π¦ 610 Β· π 220 - 26% open Β· β±οΈ 29.09.2024):
git clone https://github.com/guillaume-be/rust-bert
lingua-rs (π₯17 Β· β 880) - The most accurate natural language detection library for Rust,.. Apache-2
-
GitHub (π¨βπ» 6 Β· π 40 Β· π¦ 200 Β· π 54 - 20% open Β· β±οΈ 30.09.2024):
git clone https://github.com/pemistahl/lingua-rs
nnsplit (π₯17 Β· β 690) - Toolkit to segment text into sentences or other semantic units in a.. MIT
-
GitHub (π¨βπ» 9 Β· π 38 Β· π¦ 47 Β· π 69 - 8% open Β· β±οΈ 24.09.2024):
git clone https://github.com/bminixhofer/nnsplit
sudachi.rs (π₯17 Β· β 310) - Sudachi in Rust and new generation of SudachiPy. Apache-2
-
GitHub (π¨βπ» 15 Β· π 32 Β· π₯ 320 Β· π¦ 1.3K Β· π 140 - 18% open Β· β±οΈ 28.06.2024):
git clone https://github.com/WorksApplications/sudachi.rs
text-splitter (π₯16 Β· β 260) - Split text into semantic chunks, up to a desired chunk size... MIT
-
GitHub (π¨βπ» 6 Β· π 15 Β· π¦ 150 Β· π 24 - 25% open Β· β±οΈ 01.10.2024):
git clone https://github.com/benbrandt/text-splitter
aici (π₯15 Β· β 1.9K) - AICI: Prompts as (Wasm) Programs. MIT
-
GitHub (π¨βπ» 10 Β· π 79 Β· π₯ 420 Β· π 75 - 45% open Β· β±οΈ 13.08.2024):
git clone https://github.com/microsoft/aici
whatlang-rs (π₯15 Β· β 970 Β· π€) - Natural language detection library for Rust. Try demo online:.. MIT
-
GitHub (π¨βπ» 24 Β· π 54 Β· π 55 - 14% open Β· β±οΈ 16.03.2024):
git clone https://github.com/greyblake/whatlang-rs
rust-tokenizers (π₯14 Β· β 290 Β· π€) - Rust-tokenizer offers high-performance tokenizers for.. Apache-2
-
GitHub (π¨βπ» 8 Β· π 25 Β· π¦ 600 Β· π 11 - 36% open Β· β±οΈ 01.10.2023):
git clone https://github.com/guillaume-be/rust-tokenizers
rust-sbert (π₯13 Β· β 100) - Rust port of sentence-transformers.. Apache-2
-
GitHub (π¨βπ» 6 Β· π 12 Β· π¦ 6 Β· π 5 - 20% open Β· β±οΈ 17.09.2024):
git clone https://github.com/cpcdoy/rust-sbert
ungoliant (π₯12 Β· β 160 Β· π€) - The pipeline for the OSCAR corpus. Apache-2
-
GitHub (π¨βπ» 7 Β· π 14 Β· π¦ 7 Β· π 43 - 41% open Β· β±οΈ 09.11.2023):
git clone https://github.com/oscar-corpus/ungoliant
Show 43 hidden projects...
- nlprule (π₯18 Β· β 590 Β· π) - A fast, low-resource Natural Language Processing and Text..
Apache-2
- rs-natural (π₯15 Β· β 230 Β· π) - Natural Language Processing for Rust.
MIT
- snips-nlu-rs (π₯14 Β· β 340 Β· π) - Snips NLU rust implementation.
βUnlicensed
- rust-stemmers (π₯14 Β· β 110 Β· π) - A rust implementation of some popular snowball stemming..
MIT
- levenshtein-automata (π₯14 Β· β 62 Β· π) -
MIT
- rustling (π₯13 Β· β 76 Β· π) - Rust implementation of Duckling.
βUnlicensed
- tokenizations (π₯12 Β· β 180 Β· π) - Robust and Fast tokenizations alignment library for Rust and..
MIT
- rustling-ontology (π₯12 Β· β 130 Β· π) - Ontology for rustling.
βUnlicensed
- rust-stop-words (π₯12 Β· β 19 Β· π€) - Common stop words in a variety of languages.
MIT
- spm_precompiled (π₯12 Β· β 18 Β· π) - Highly specialized crate to parse and use..
Apache-2
- tokengrams (π₯12 Β· β 15 Β· β) - Efficiently computing & storing token n-grams from large corpora.
MIT
- srx (π₯12 Β· β 7 Β· π) - A mostly compliant Rust implementation of the Segmentation Rules..
Apache-2
- deduplicate-text-datasets (π₯11 Β· β 1.1K) -
Apache-2
- rustfst (π₯11 Β· β 140) - Rust re-implementation of OpenFST - library for constructing,..
βUnlicensed
- finalfusion-rust (π₯11 Β· β 92 Β· π€) - finalfusion embeddings in Rust.
βUnlicensed
- snips-nlu-ontology (π₯11 Β· β 57 Β· π) - Ontology of Snips NLU.
βUnlicensed
- word2vec (π₯11 Β· β 29 Β· π) - Rust interface to word2vec.
MIT
- rllama (π₯10 Β· β 540 Β· π) - Rust+OpenCL+AVX2 implementation of LLaMA inference code.
βοΈAGPL-3.0
- vtext (π₯10 Β· β 150 Β· π) - Simple NLP in Rust with Python bindings.
Apache-2
- finalfrontier (π₯10 Β· β 87 Β· π€) - Context-sensitive word embeddings with subwords. In..
βUnlicensed
- chr (π₯10 Β· β 40 Β· π) - A command-line tool that gives information about Unicode characters.
Apache-2
- dpar (π₯9 Β· β 43 Β· π) - Neural network transition-based dependency parser (in Rust).
Apache-2
- sentencepiece (π₯9 Β· β 19 Β· π) - Rust binding for the sentencepiece library.
βUnlicensed
- rust-tfidf (π₯9 Β· β 17 Β· π) -
Apache-2
- snips-nlu-parsers (π₯9 Β· β 16 Β· π) - Rust crate for entity parsing.
βUnlicensed
- lumberjack (π₯9 Β· β 10 Β· π) - Read and modify constituency trees in Rust.
Apache-2
- syntaxdot (π₯8 Β· β 71 Β· π€) - Neural syntax annotator, supporting sequence labeling,..
βUnlicensed
- fasttext-rs (π₯8 Β· β 55 Β· π) - fastText Rust binding.
βUnlicensed
- treebender (π₯8 Β· β 43 Β· π) - A HDPSG-inspired symbolic natural language parser written in Rust.
MIT
- sticker (π₯8 Β· β 25 Β· π) - Succeeded by SyntaxDot: https://github.com/tensordot/syntaxdot.
βUnlicensed
- deepfrog (π₯8 Β· β 19 Β· π) - An NLP-suite powered by deep learning.
βοΈGPL-3.0
- awabi (π₯8 Β· β 9) - A morphological analyzer using mecab dictionary.
MIT
- gazetteer-entity-parser (π₯7 Β· β 16) - Rust library for parsing and resolving entity values..
βUnlicensed
- alpino-tokenizer (π₯7 Β· β 3 Β· π€) - Rust wrapper for the Alpino tokenizer.
βUnlicensed
- seqalign (π₯7 Β· β 1 Β· π) - Sequence alignments.
Apache-2
- word2vec-rs (π₯6 Β· β 78 Β· π) - pure rust implemention of word2vec.
βUnlicensed
- ollama-rag-rs (π₯6 Β· β 13) - Experimenting with LLMs through Ollama and retrieval augmented..
Apache-2
- oxidized-transformers (π₯5 Β· β 36) - Modular Rust transformer/LLM library using Candle.
βUnlicensed
- rsnltk (π₯5 Β· β 17 Β· π) - Rust-based Natural Language Toolkit using Python Bindings.
βUnlicensed
- blingfire-rs (π₯5 Β· β 15 Β· π) - Rust wrapper for the BlingFire tokenization library.
MIT
- wordpieces (π₯5 Β· β 5 Β· π) - Split tokens into word pieces.
βUnlicensed
- rustberta-snli (π₯4 Β· β 12 Β· π) - A Rust implementation of a RoBERTa classification..
βUnlicensed
- ohnomore (π₯4 Β· π) - Explorations in lemmatization.
βUnlicensed
Libraries for image & video processing, manipulation, augmentation, and visualization as well as libraries for computer vision.
rerun (π₯23 Β· β 6.3K) - Visualize streams of multimodal data. Fast, easy to use, and simple to.. Apache-2
-
GitHub (π¨βπ» 61 Β· π 300 Β· π₯ 41K Β· π¦ 75 Β· π 3K - 33% open Β· β±οΈ 02.10.2024):
git clone https://github.com/rerun-io/rerun
imageproc (π₯20 Β· β 740) - Image processing operations. MIT
-
GitHub (π¨βπ» 78 Β· π 140 Β· π¦ 5K Β· π 230 - 25% open Β· β±οΈ 19.09.2024):
git clone https://github.com/image-rs/imageproc
opencv-rust (π₯17 Β· β 2K Β· π) - Rust bindings for OpenCV 3 & 4. MIT
-
GitHub (π¨βπ» 51 Β· π 150 Β· π 520 - 4% open Β· β±οΈ 30.09.2024):
git clone https://github.com/twistedfall/opencv-rust
kornia-rs (π₯15 Β· β 170) - Low-level Computer Vision library in Rust. Apache-2
-
GitHub (π¨βπ» 8 Β· π 15 Β· π¦ 12 Β· π 52 - 46% open Β· β±οΈ 30.09.2024):
git clone https://github.com/kornia/kornia-rs
Show 8 hidden projects...
- cgmath (π₯22 Β· β 1.1K Β· π) - A linear algebra and mathematics library for computer graphics.
Apache-2
- texture-synthesis (π₯17 Β· β 1.8K Β· π) - Example-based texture synthesis written in Rust.
Apache-2
- rustface (π₯16 Β· β 390) - Face detection library for the Rust programming language.
βUnlicensed
- rust-cv-convert (π₯13 Β· β 43 Β· π€) - Type conversion among popular Rust computer vision libraries.
MIT
- cv (π₯11 Β· β 830 Β· π) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to..
βUnlicensed
- visionmagic (π₯9 Β· β 57 Β· π€) - Collection of vision & graphics algorithms.
βUnlicensed
- visual-odometry-rs (π₯9 Β· β 53 Β· π) - Visual Odometry in Rust (vors).
MPL-2.0
- image-ssd (π₯6 Β· β 5 Β· π) - A Rust library for object detection via SSD MobileNet.
MIT
Libraries for loading, collecting, and extracting data from a variety of data sources and formats.
vector (π₯28 Β· β 18K) - A high-performance observability data pipeline. MPL-2.0
-
GitHub (π¨βπ» 450 Β· π 1.5K Β· π₯ 2.1M Β· π 7.6K - 23% open Β· β±οΈ 01.10.2024):
git clone https://github.com/timberio/vector
rayon (π₯24 Β· β 11K) - Rayon: A data parallelism library for Rust. Apache-2
-
GitHub (π¨βπ» 150 Β· π 480 Β· π¦ 240K Β· π 570 - 31% open Β· β±οΈ 19.08.2024):
git clone https://github.com/rayon-rs/rayon
arrow-rs (π₯24 Β· β 2.5K) - Official Rust implementation of Apache Arrow. Apache-2
-
GitHub (π¨βπ» 600 Β· π 730 Β· π¦ 6.9K Β· π 2.7K - 13% open Β· β±οΈ 02.10.2024):
git clone https://github.com/apache/arrow-rs
rust-csv (π₯24 Β· β 1.7K) - A CSV parser for Rust, with Serde support. Unlicense
-
GitHub (π¨βπ» 53 Β· π 220 Β· π¦ 83K Β· π 230 - 24% open Β· β±οΈ 25.09.2024):
git clone https://github.com/BurntSushi/rust-csv
redb (π₯23 Β· β 3.2K Β· π) - An embedded key-value database in pure Rust. Apache-2
-
GitHub (π¨βπ» 23 Β· π 140 Β· π¦ 650 Β· π 300 - 2% open Β· β±οΈ 01.10.2024):
git clone https://github.com/cberner/redb
arrow (π₯22 Β· β 14K) - Apache Arrow is a multi-language toolbox for accelerated data.. Apache-2
-
GitHub (π¨βπ» 1.3K Β· π 3.4K Β· π₯ 410 Β· π¦ 8 Β· π 26K - 17% open Β· β±οΈ 02.10.2024):
git clone https://github.com/apache/arrow
lance (π₯22 Β· β 3.8K) - Modern columnar data format for ML and LLMs implemented in Rust... Apache-2
-
GitHub (π¨βπ» 70 Β· π 210 Β· π¦ 2.8K Β· π 980 - 42% open Β· β±οΈ 01.10.2024):
git clone https://github.com/eto-ai/lance
synth (π₯22 Β· β 1.4K) - The Declarative Data Generator. Apache-2
-
GitHub (π¨βπ» 32 Β· π 110 Β· π₯ 13K Β· π¦ 110 Β· π 160 - 50% open Β· β±οΈ 27.09.2024):
git clone https://github.com/openquery-io/synth
arrow-datafusion (π₯21 Β· β 6K) - Apache DataFusion SQL Query Engine. Apache-2
-
GitHub (π¨βπ» 690 Β· π 1.1K Β· π¦ 2.7K Β· π 5.1K - 21% open Β· β±οΈ 02.10.2024):
git clone https://github.com/apache/arrow-datafusion
delta-rs (π₯21 Β· β 2.2K) - A native Rust library for Delta Lake, with bindings into Python. Apache-2
-
GitHub (π¨βπ» 190 Β· π 390 Β· π¦ 400 Β· π 1.1K - 18% open Β· β±οΈ 30.09.2024):
git clone https://github.com/delta-io/delta-rs
fst (π₯21 Β· β 1.8K) - Represent large sets and maps compactly with finite state transducers. Unlicense
-
GitHub (π¨βπ» 25 Β· π 110 Β· π¦ 11K Β· π 88 - 29% open Β· β±οΈ 25.09.2024):
git clone https://github.com/BurntSushi/fst
arroyo (π₯19 Β· β 3.7K) - Distributed stream processing engine in Rust. Apache-2
-
GitHub (π¨βπ» 22 Β· π 200 Β· π₯ 350 Β· π 140 - 36% open Β· β±οΈ 01.10.2024):
git clone https://github.com/ArroyoSystems/arroyo
kafka-delta-ingest (π₯11 Β· β 360) - A highly efficient daemon for streaming data from Kafka.. Apache-2
-
GitHub (π¨βπ» 17 Β· π 77 Β· π 65 - 40% open Β· β±οΈ 18.09.2024):
git clone https://github.com/delta-io/kafka-delta-ingest
Show 8 hidden projects...
- polars (π₯24 Β· β 30K Β· π) - Dataframes powered by a multithreaded, vectorized query..
βUnlicensed
- datafuse (π₯18 Β· β 7.7K) - , & . Modern alternative to Snowflake. Cost-effective and..
βUnlicensed
- datafrog (π₯17 Β· β 800 Β· π) - A lightweight Datalog engine in Rust.
Apache-2
- rust-tfrecord (π₯12 Β· β 25 Β· π) - A Rust crate that reads and writes tfrecord files.
MIT
- rust-dataframe (π₯11 Β· β 280 Β· π) - A Rust DataFrame implementation, built on Apache Arrow.
Apache-2
- tch-serde (π₯9 Β· β 4 Β· π) - Serialize/Deserialize tch-rs types with serde.
MIT
- flaco (π₯8 Β· β 15 Β· π) - (PoC) A very memory-efficient way to read data from PostgreSQL.
Unlicense
- NewsAggregator (π₯7 Β· β 10 Β· π) - A fast, searchable, knowledge engine using various machine..
Apache-2
Libraries for graph processing, clustering, embedding, and machine learning tasks.
petgraph (π₯25 Β· β 2.9K) - Graph data structure library for Rust. Apache-2
-
GitHub (π¨βπ» 110 Β· π 330 Β· π¦ 120K Β· π 310 - 50% open Β· β±οΈ 08.05.2024):
git clone https://github.com/petgraph/petgraph
Raphtory (π₯19 Β· β 340) - Scalable graph analytics database powered by a multithreaded,.. βοΈGPL-3.0
-
GitHub (π¨βπ» 30 Β· π 54 Β· π₯ 340 Β· π¦ 14 Β· π 500 - 21% open Β· β±οΈ 02.10.2024):
git clone https://github.com/Pometry/Raphtory
graph-rs (π₯18 Β· β 110) - Microsoft Graph API Client And Identity Platform Client in Rust. MIT
-
GitHub (π¨βπ» 16 Β· π 29 Β· π¦ 57 Β· π 270 - 6% open Β· β±οΈ 09.09.2024):
git clone https://github.com/sreeise/graph-rs
GraphScope (π₯17 Β· β 3.3K) - GraphScope: A One-Stop Large-Scale Graph Computing System from.. Apache-2
-
GitHub (π¨βπ» 67 Β· π 400 Β· π₯ 200 Β· π 1.6K - 24% open Β· β±οΈ 30.09.2024):
git clone https://github.com/alibaba/GraphScope
Show 2 hidden projects...
Libraries to visualize, explain, debug, evaluate, and interpret machine learning models.
Show 1 hidden projects...
- eval-metrics (π₯8 Β· β 12 Β· π) - Evaluation metrics for machine learning.
βUnlicensed
Libraries to design workflows, deploy, test, and maintain machine learning pipelines.
mosec (π₯17 Β· β 750) - A high-performance ML model serving framework, offers dynamic batching.. Apache-2
-
GitHub (π¨βπ» 12 Β· π 51 Β· π¦ 50 Β· π 98 - 13% open Β· β±οΈ 28.09.2024):
git clone https://github.com/mosecorg/mosec
Show 2 hidden projects...
- TensorZero (π₯9 Β· β 140 Β· π£) - data & learning flywheel for LLM systems.
Apache-2
- h2o-kubernetes (π₯8 Β· β 21 Β· π) - H2O Open Source Kubernetes operator and a command-line..
Apache-2
ML, NLP, or relevant applications.
qdrant (π₯28 Β· β 20K Β· π) - Qdrant - High-performance, massive-scale Vector Database for the.. Apache-2
-
GitHub (π¨βπ» 120 Β· π 1.3K Β· π₯ 170K Β· π¦ 110 Β· π 1.2K - 19% open Β· β±οΈ 23.09.2024):
git clone https://github.com/qdrant/qdrant
MeiliSearch (π₯24 Β· β 47K) - A lightning-fast search API that fits effortlessly into your apps,.. MIT
-
GitHub (π¨βπ» 190 Β· π 1.8K Β· π₯ 210K Β· π 2K - 7% open Β· β±οΈ 30.09.2024):
git clone https://github.com/meilisearch/MeiliSearch
tantivy (π₯23 Β· β 12K) - Tantivy is a full-text search engine library inspired by Apache Lucene and.. MIT
-
GitHub (π¨βπ» 150 Β· π 640 Β· π¦ 1.6K Β· π 1K - 27% open Β· β±οΈ 25.09.2024):
git clone https://github.com/tantivy-search/tantivy
sonic (π₯22 Β· β 20K) - Fast, lightweight & schema-less search backend. An alternative to.. MPL-2.0
-
GitHub (π¨βπ» 44 Β· π 560 Β· π₯ 410 Β· π¦ 21 Β· π 260 - 23% open Β· β±οΈ 22.07.2024):
git clone https://github.com/valeriansaliou/sonic
bloop (π₯20 Β· β 9.4K) - bloop is a fast code search engine written in Rust. Apache-2
-
GitHub (π¨βπ» 28 Β· π 570 Β· π₯ 53K Β· π 140 - 29% open Β· β±οΈ 12.06.2024):
git clone https://github.com/BloopAI/bloop
LlamaEdge (π₯20 Β· β 1K) - The easiest & fastest way to run customized and fine-tuned LLMs.. Apache-2
-
GitHub (π¨βπ» 9 Β· π 85 Β· π₯ 250K Β· π¦ 20 Β· π 97 - 4% open Β· β±οΈ 01.10.2024):
git clone https://github.com/LlamaEdge/LlamaEdge
screenpipe (π₯17 Β· β 5.3K Β· π£) - 24/7 local AI screen & mic recording. Build AI apps that have the.. MIT
-
GitHub (π¨βπ» 20 Β· π 280 Β· π₯ 1.6K Β· π 180 - 29% open Β· β±οΈ 02.10.2024):
git clone https://github.com/mediar-ai/screenpipe
RustQuant (π₯17 Β· β 1.1K Β· β) - Rust library for quantitative finance. Apache-2
-
GitHub (π¨βπ» 40 Β· π 120 Β· π¦ 18 Β· π 120 - 22% open Β· β±οΈ 01.10.2024):
git clone https://github.com/avhz/RustQuant
weggli (π₯16 Β· β 2.3K Β· π€) - weggli is a fast and robust semantic search tool for C and C++.. Apache-2
-
GitHub (π¨βπ» 10 Β· π 130 Β· π¦ 86 Β· π 65 - 56% open Β· β±οΈ 16.01.2024):
git clone https://github.com/googleprojectzero/weggli
lsp-ai (π₯16 Β· β 2.1K Β· β) - LSP-AI is an open-source language server that serves as a backend for.. MIT
-
GitHub (π¨βπ» 8 Β· π 72 Β· π₯ 160 Β· π 45 - 33% open Β· β±οΈ 25.09.2024):
git clone https://github.com/SilasMarvin/lsp-ai
lnx (π₯15 Β· β 1.2K) - Insanely fast, Feature-rich searching. lnx is the adaptable, typo tollerant.. MIT
-
GitHub (π¨βπ» 9 Β· π 46 Β· π 78 - 46% open Β· β±οΈ 15.07.2024):
git clone https://github.com/lnx-search/lnx
Toshi (π₯13 Β· β 4.2K Β· π€) - A full-text search engine in rust. MIT
-
GitHub (π¨βπ» 19 Β· π 130 Β· π 120 - 11% open Β· β±οΈ 12.10.2023):
git clone https://github.com/toshi-search/Toshi
Show 12 hidden projects...
- ChatGPT (π₯21 Β· β 52K) - ChatGPT Desktop Application (Mac, Windows and Linux).
βUnlicensed
- zombodb (π₯18 Β· β 4.7K) - Making Postgres and Elasticsearch work together like it's 2023.
βUnlicensed
- chat-ai-desktop (π₯18 Β· β 2K Β· π) - Unofficial ChatGPT desktop app for Mac & Windows menubar..
MIT
- quickwit (π₯17 Β· β 8K) - Cloud-native search engine for observability. An open-source..
βUnlicensed
- milli (π₯17 Β· β 460 Β· π) - Search engine library for Meilisearch.
MIT
- bayard (π₯15 Β· β 1.9K Β· π) - A full-text search and indexing server written in Rust.
MIT
- erdos (π₯15 Β· β 200 Β· π) - Dataflow system for building self-driving car and robotics..
Apache-2
- hora-hora (π₯13 Β· β 2.6K Β· π) - efficient approximate nearest neighbor search algorithm..
Apache-2
- nerve (π₯11 Β· β 480 Β· π£) - Instrument any LLM to do actual stuff.
βUnlicensed
- voy (π₯9 Β· β 870 Β· π) - A WASM vector similarity search written in Rust.
Apache-2
- opentau (π₯8 Β· β 95 Β· π€) - Using Large Language Models for Repo-wide Type Prediction.
Apache-2
- llamacord (π₯7 Β· β 91 Β· π) - A Discord bot, written in Rust, that generates responses using..
βοΈGPL-3.0
Libraries for analyzing data.
Show 1 hidden projects...
Other libraries useful for ML.
Show 2 hidden projects...
Oxen (π₯15 Β· β 180) - Oxen.ai's core rust library, server, and CLI. Apache-2
-
GitHub (π¨βπ» 16 Β· π 11 Β· π₯ 7.6K Β· π¦ 1 Β· π 31 - 38% open Β· β±οΈ 01.10.2024):
git clone https://github.com/Oxen-AI/Oxen
sail (π₯10 Β· β 340 Β· β) - LakeSail's computation framework with a mission to unify stream.. Apache-2
-
GitHub (π¨βπ» 4 Β· π 9 Β· π 27 - 77% open Β· β±οΈ 02.10.2024):
git clone https://github.com/lakehq/sail
Show 1 hidden projects...
- extractous (π₯7 Β· β 55 Β· π£) - Fast and efficient unstructured data extraction. Written in..
Apache-2
- Awesome-Rust-MachineLearning: This repository is a list of machine learning libraries written in Rust.
- best-of-ml-python: A ranked list of awesome machine learning Python libraries.
- best-of-ml-julia: A ranked list of awesome machine learning Julia libraries.
Contributions are encouraged and always welcome! If you like to add or update projects, choose one of the following ways:
- Open an issue by selecting one of the provided categories from the issue page and fill in the requested information.
- Modify the projects.yaml with your additions or changes, and submit a pull request. This can also be done directly via the Github UI.
If you like to contribute to or share suggestions regarding the project metadata collection or markdown generation, please refer to the best-of-generator repository. If you like to create your own best-of list, we recommend to follow this guide.
For more information on how to add or update projects, please read the contribution guidelines. By participating in this project, you agree to abide by its Code of Conduct.