Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

https://github.com/e-tornike/best-of-ml-rust

🏆 A ranked list of awesome machine learning Rust libraries.
https://github.com/e-tornike/best-of-ml-rust

Last synced: 13 days ago
JSON representation

🏆 A ranked list of awesome machine learning Rust libraries.

Awesome Lists containing this project

README

        


best-of-ml-rust



🏆  A ranked list of awesome machine learning Rust libraries.






This curated list contains 230 awesome open-source projects with a total of 510K 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](https://github.com/e-tony/best-of-ml-rust/issues/new/choose), submit a [pull request](https://github.com/e-tony/best-of-ml-rust/pulls), or directly edit the [projects.yaml](https://github.com/e-tony/best-of-ml-rust/edit/main/projects.yaml). Contributions are very welcome!

> 🧙‍♂️ Discover other [best-of lists](https://best-of.org) or [create your own](https://github.com/best-of-lists/best-of/blob/main/create-best-of-list.md).

## Contents

- [Machine Learning Frameworks](#machine-learning-frameworks) _88 projects_
- [Text Data & NLP](#text-data--nlp) _63 projects_
- [Image Data](#image-data) _12 projects_
- [Data Loading & Extraction](#data-loading--extraction) _24 projects_
- [Graph Data](#graph-data) _6 projects_
- [Model Interpretability](#model-interpretability) _1 projects_
- [MLOps](#mlops) _5 projects_
- [Applications](#applications) _25 projects_
- [Analysis](#analysis) _1 projects_
- [Other](#other) _2 projects_

## Explanation
- 🥇🥈🥉  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.


## Machine Learning Frameworks

Back to top

_General-purpose machine learning and deep learning frameworks._

burn (🥇22 · ⭐ 9.1K) - Burn is a new comprehensive dynamic Deep Learning Framework built using.. Apache-2

- [GitHub](https://github.com/tracel-ai/burn) (👨‍💻 150 · 🔀 450 · 📦 520 · 📋 740 - 28% open · ⏱️ 29.11.2024):

```
git clone https://github.com/burn-rs/burn
```

nalgebra (🥇22 · ⭐ 4.1K) - Linear algebra library for Rust. Apache-2

- [GitHub](https://github.com/dimforge/nalgebra) (👨‍💻 220 · 🔀 480 · 📦 43K · 📋 720 - 44% open · ⏱️ 31.10.2024):

```
git clone https://github.com/dimforge/nalgebra
```

statrs (🥇22 · ⭐ 600 · 📉) - Statistical computation library for Rust. MIT

- [GitHub](https://github.com/statrs-dev/statrs) (👨‍💻 46 · 🔀 84 · 📦 17K · 📋 150 - 27% open · ⏱️ 05.11.2024):

```
git clone https://github.com/boxtown/statrs
```

Peroxide (🥇22 · ⭐ 550) - Rust numeric library with high performance and friendly syntax. Apache-2

- [GitHub](https://github.com/Axect/Peroxide) (👨‍💻 23 · 🔀 32 · 📦 210 · 📋 37 - 24% open · ⏱️ 22.11.2024):

```
git clone https://github.com/Axect/Peroxide
```

candle (🥇21 · ⭐ 16K) - Minimalist ML framework for Rust. Apache-2

- [GitHub](https://github.com/huggingface/candle) (👨‍💻 160 · 🔀 950 · 📦 1.3K · 📋 730 - 46% open · ⏱️ 30.11.2024):

```
git clone https://github.com/huggingface/candle
```

mistral.rs (🥇21 · ⭐ 4.6K) - Blazingly fast LLM inference. MIT

- [GitHub](https://github.com/EricLBuehler/mistral.rs) (👨‍💻 35 · 🔀 320 · 📥 1.1K · 📋 280 - 21% open · ⏱️ 30.11.2024):

```
git clone https://github.com/EricLBuehler/mistral.rs
```

linfa (🥇21 · ⭐ 3.8K · 📉) - A Rust machine learning framework. Apache-2

- [GitHub](https://github.com/rust-ml/linfa) (👨‍💻 45 · 🔀 250 · 📦 550 · 📋 160 - 38% open · ⏱️ 03.07.2024):

```
git clone https://github.com/rust-ml/linfa
```

rust-numpy (🥇21 · ⭐ 1.1K) - PyO3-based Rust bindings of the NumPy C-API. BSD-2

- [GitHub](https://github.com/PyO3/rust-numpy) (👨‍💻 53 · 🔀 110 · 📦 3.4K · 📋 140 - 10% open · ⏱️ 28.11.2024):

```
git clone https://github.com/PyO3/rust-numpy
```

tvm (🥈20 · ⭐ 12K) - Open deep learning compiler stack for cpu, gpu and specialized.. Apache-2

- [GitHub](https://github.com/apache/tvm) (👨‍💻 1K · 🔀 3.3K · 📥 4.6K · 📋 3.4K - 13% open · ⏱️ 30.11.2024):

```
git clone https://github.com/apache/tvm
```

tch-rs (🥈20 · ⭐ 4.4K) - Rust bindings for the C++ api of PyTorch. Apache-2

- [GitHub](https://github.com/LaurentMazare/tch-rs) (👨‍💻 77 · 🔀 340 · 📥 2K · 📦 2K · 📋 570 - 25% open · ⏱️ 18.11.2024):

```
git clone https://github.com/LaurentMazare/tch-rs
```

azure-sdk-for-rust (🥈20 · ⭐ 720) - This repository is for the active development of the.. MIT

- [GitHub](https://github.com/Azure/azure-sdk-for-rust) (👨‍💻 160 · 🔀 240 · 📦 1.3K · 📋 630 - 31% open · ⏱️ 26.11.2024):

```
git clone https://github.com/Azure/azure-sdk-for-rust
```

sprs (🥈20 · ⭐ 420) - sparse linear algebra library for rust. Apache-2

- [GitHub](https://github.com/sparsemat/sprs) (👨‍💻 37 · 🔀 45 · 📦 1.4K · 📋 160 - 29% open · ⏱️ 19.11.2024):

```
git clone https://github.com/vbarrielle/sprs
```

smartcore (🥈19 · ⭐ 710) - A comprehensive library for machine learning and numerical.. Apache-2

- [GitHub](https://github.com/smartcorelib/smartcore) (👨‍💻 29 · 🔀 75 · 📦 240 · 📋 120 - 56% open · ⏱️ 25.11.2024):

```
git clone https://github.com/smartcorelib/smartcore
```

argmin (🥈17 · ⭐ 1K) - Numerical optimization in pure Rust. Apache-2

- [GitHub](https://github.com/argmin-rs/argmin) (👨‍💻 41 · 🔀 79 · 📦 580 · 📋 130 - 24% open · ⏱️ 27.10.2024):

```
git clone https://github.com/argmin-rs/argmin
```

faiss-rs (🥈16 · ⭐ 200) - Rust language bindings for Faiss. Apache-2

- [GitHub](https://github.com/Enet4/faiss-rs) (👨‍💻 11 · 🔀 33 · 📦 35 · 📋 37 - 27% open · ⏱️ 18.09.2024):

```
git clone https://github.com/Enet4/faiss-rs
```

rust (🥈15 · ⭐ 5.2K · 💤) - Rust language bindings for TensorFlow. Apache-2

- [GitHub](https://github.com/tensorflow/rust) (👨‍💻 49 · 🔀 420 · 📋 190 - 32% open · ⏱️ 03.12.2023):

```
git clone https://github.com/tensorflow/rust
```

ratchet (🥈15 · ⭐ 630) - A cross-platform browser ML framework. MIT

- [GitHub](https://github.com/huggingface/ratchet) (👨‍💻 14 · 🔀 33 · 📦 4 · 📋 93 - 30% open · ⏱️ 23.11.2024):

```
git clone https://github.com/huggingface/ratchet
```

luminal (🥈14 · ⭐ 1.5K) - Deep learning at the speed of light. Apache-2

- [GitHub](https://github.com/jafioti/luminal) (👨‍💻 10 · 🔀 89 · 📦 4 · 📋 51 - 47% open · ⏱️ 09.10.2024):

```
git clone https://github.com/jafioti/luminal
```

autograph (🥉12 · ⭐ 320) - A machine learning library for Rust. Apache-2

- [GitHub](https://github.com/charles-r-earp/autograph) (👨‍💻 4 · 🔀 17 · 📦 2 · ⏱️ 19.08.2024):

```
git clone https://github.com/charles-r-earp/autograph
```

instant-distance (🥉12 · ⭐ 310) - Fast approximate nearest neighbor searching in Rust,.. Apache-2

- [GitHub](https://github.com/djc/instant-distance) (👨‍💻 10 · 🔀 24 · 📦 3 · 📋 7 - 28% open · ⏱️ 29.11.2024):

```
git clone https://github.com/InstantDomain/instant-distance
```

kdtree-rs (🥉12 · ⭐ 230) - K-dimensional tree in Rust for fast geospatial indexing and lookup. Apache-2

- [GitHub](https://github.com/mrhooray/kdtree-rs) (👨‍💻 16 · 🔀 45 · ⏱️ 30.11.2024):

```
git clone https://github.com/mrhooray/kdtree-rs
```

rurel (🥉11 · ⭐ 140) - Flexible, reusable reinforcement learning (Q learning) implementation in.. MPL-2.0

- [GitHub](https://github.com/milanboers/rurel) (👨‍💻 9 · 🔀 16 · 📦 18 · 📋 11 - 18% open · ⏱️ 25.06.2024):

```
git clone https://github.com/milanboers/rurel
```

Show 66 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 · ⭐ 93) - Your go-to for easy access to a plethora of compression algorithms,.. MIT
- evcxr (🥈18 · ⭐ 5.6K) - ❗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
- cleora (🥈16 · ⭐ 500) - Cleora AI is a general-purpose open-source model for efficient,.. ❗Unlicensed
- granne (🥈16 · ⭐ 320 · 💀) - 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
- 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 · ⭐ 120 · 💀) - Awesome deep learning crate. MIT
- kodama (🥉13 · ⭐ 91 · 💤) - Fast hierarchical agglomerative clustering in Rust. MIT
- gym-rs (🥉13 · ⭐ 60 · 💀) - OpenAI Gym bindings for Rust. MIT
- rust-autograd (🥉12 · ⭐ 490 · 💀) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT
- bhtsne (🥉12 · ⭐ 71) - Parallel Barnes-Hut t-SNE implementation written in Rust. MIT
- L2 (🥉11 · ⭐ 190 · 💀) - l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust. MIT
- rustml (🥉11 · ⭐ 66 · 💀) - Machine learning in Rust. ❗Unlicensed
- rstats (🥉11 · ⭐ 51) - Statistics, Information Measures, Linear Algebra, Cholesky Matrix.. Apache-2
- petal-clustering (🥉11 · ⭐ 30) - DBSCAN and OPTICS clustering algorithms. Apache-2
- black-jack (🥉11 · ⭐ 29 · 💀) - DataFrame / Series data processing in Rust. ❗️GPL-3.0
- unda (🥉11 · ⭐ 13) - General purpose machine learning crate. Apache-2
- neuronika (🥉10 · ⭐ 1.1K · 💀) - Tensors and dynamic neural networks in pure Rust. Apache-2
- RustNN (🥉10 · ⭐ 340 · 💀) - 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
- rten (🥉10 · ⭐ 130) - ONNX neural network inference engine. ❗Unlicensed
- gamma (🥉10 · ⭐ 120 · 💀) - A graph library for Rust. ❗Unlicensed
- tflite-rs (🥉10 · ⭐ 120) - Apache-2
- alumina (🥉10 · ⭐ 100 · 💀) - A deep learning library for rust. ❗Unlicensed
- torchrs (🥉10 · ⭐ 77 · 💀) - Deep Learning in Rust with the PyTorch API. BSD-2
- ffsvm-rust (🥉10 · ⭐ 67) - FFSVM stands for Really Fast Support Vector Machine. MIT
- ngt-rs (🥉10 · ⭐ 36 · 💤) - Rust wrappers for NGT approximate nearest neighbor search. Apache-2
- rustdef (🥉10 · ⭐ 28 · 💀) - Jupyter extension for Rust. MIT
- reductive (🥉10 · ⭐ 7 · 💀) - Vector quantization. Apache-2
- candle-lora (🥉9 · ⭐ 130 · ➕) - Low rank adaptation (LoRA) for Candle. MIT
- hal (🥉9 · ⭐ 90 · 💀) - Rust based Cross-GPU Machine Learning. MIT
- tractjs (🥉9 · ⭐ 75 · 💀) - Run ONNX and TensorFlow inference in the browser. ❗Unlicensed
- RusticSOM (🥉9 · ⭐ 33 · 💀) - Rust library for Self Organising Maps (SOM). MIT
- crfsuite-rs (🥉9 · ⭐ 25 · 💀) - Rust binding to crfsuite. MIT
- batched-fn (🥉9 · ⭐ 19 · 💤) - Rust server plugin for deploying deep learning models with.. Apache-2
- bayespam (🥉9 · ⭐ 14 · 💀) - A simple bayesian spam classifier written in Rust. MIT
- prophet (🥉8 · ⭐ 41 · 💀) - A simple neural net implementation. ❗Unlicensed
- vpsearch (🥉8 · ⭐ 32 · 💀) - C library for finding nearest (most similar) element in a set. ❗Unlicensed
- 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
- cogent (🥉7 · ⭐ 44 · 💀) - Simple neural network library for classification written in Rust. ❗Unlicensed
- rust-dl-webserver (🥉7 · ⭐ 34 · 💀) - 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
- fwumious_wabbit (🥉6 · ⭐ 130) - Fwumious Wabbit, fast on-line machine learning toolkit.. ❗Unlicensed
- 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


## Text Data & NLP

Back to top

_Libraries for processing, cleaning, manipulating, and analyzing text data as well as for diverse NLP tasks._

tiktoken (🥇25 · ⭐ 13K) - tiktoken is a fast BPE tokeniser for use with OpenAI's models. MIT

- [GitHub](https://github.com/openai/tiktoken) (👨‍💻 17 · 🔀 780 · 📦 110K · 📋 240 - 14% open · ⏱️ 03.10.2024):

```
git clone https://github.com/openai/tiktoken
```

tokenizers (🥇25 · ⭐ 9.1K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2

- [GitHub](https://github.com/huggingface/tokenizers) (👨‍💻 100 · 🔀 790 · 📥 68 · 📦 120K · 📋 1K - 5% open · ⏱️ 27.11.2024):

```
git clone https://github.com/huggingface/tokenizers
```

memchr (🥇23 · ⭐ 910) - Optimized string search routines for Rust. Unlicense

- [GitHub](https://github.com/BurntSushi/memchr) (👨‍💻 44 · 🔀 100 · 📦 650K · 📋 68 - 10% open · ⏱️ 13.11.2024):

```
git clone https://github.com/BurntSushi/memchr
```

aho-corasick (🥇22 · ⭐ 1K · 📉) - A fast implementation of Aho-Corasick in Rust. Unlicense

- [GitHub](https://github.com/BurntSushi/aho-corasick) (👨‍💻 32 · 🔀 92 · 📦 510K · 📋 71 - 7% open · ⏱️ 25.09.2024):

```
git clone https://github.com/BurntSushi/aho-corasick
```

ollama-rs (🥇21 · ⭐ 550) - A Rust library allowing to interact with the Ollama API. MIT

- [GitHub](https://github.com/pepperoni21/ollama-rs) (👨‍💻 28 · 🔀 81 · 📦 290 · 📋 41 - 26% open · ⏱️ 29.11.2024):

```
git clone https://github.com/pepperoni21/ollama-rs
```

fancy-regex (🥇21 · ⭐ 430 · 📈) - Rust library for regular expressions using fancy features like.. MIT

- [GitHub](https://github.com/fancy-regex/fancy-regex) (👨‍💻 26 · 🔀 38 · 📦 12K · 📋 46 - 28% open · ⏱️ 24.10.2024):

```
git clone https://github.com/fancy-regex/fancy-regex
```

grex (🥇20 · ⭐ 7.3K) - A command-line tool and Rust library with Python bindings for generating.. Apache-2

- [GitHub](https://github.com/pemistahl/grex) (👨‍💻 10 · 🔀 170 · 📥 47K · 📦 160 · 📋 53 - 15% open · ⏱️ 08.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](https://github.com/rustformers/llm) (👨‍💻 53 · 🔀 350 · 📥 1.2K · 📦 320 · 📋 230 - 35% open · ⏱️ 24.06.2024):

```
git clone https://github.com/rustformers/llama-rs
```

lindera (🥈19 · ⭐ 410) - A multilingual morphological analysis library. MIT

- [GitHub](https://github.com/lindera/lindera) (👨‍💻 19 · 🔀 37 · 📥 2.1K · 📦 800 · 📋 84 - 13% open · ⏱️ 30.11.2024):

```
git clone https://github.com/lindera-morphology/lindera
```

sudachi.rs (🥈19 · ⭐ 320) - Sudachi in Rust and new generation of SudachiPy. Apache-2

- [GitHub](https://github.com/WorksApplications/sudachi.rs) (👨‍💻 15 · 🔀 32 · 📥 370 · 📦 1.5K · 📋 150 - 16% open · ⏱️ 20.11.2024):

```
git clone https://github.com/WorksApplications/sudachi.rs
```

rust-bert (🥈17 · ⭐ 2.7K) - Rust native ready-to-use NLP pipelines and transformer-based.. Apache-2

- [GitHub](https://github.com/guillaume-be/rust-bert) (👨‍💻 48 · 🔀 210 · 📦 640 · 📋 220 - 26% open · ⏱️ 29.09.2024):

```
git clone https://github.com/guillaume-be/rust-bert
```

lingua-rs (🥈17 · ⭐ 900) - The most accurate natural language detection library for Rust,.. Apache-2

- [GitHub](https://github.com/pemistahl/lingua-rs) (👨‍💻 6 · 🔀 41 · 📦 200 · 📋 56 - 21% open · ⏱️ 19.11.2024):

```
git clone https://github.com/pemistahl/lingua-rs
```

nnsplit (🥈17 · ⭐ 760) - Toolkit to segment text into sentences or other semantic units in a.. MIT

- [GitHub](https://github.com/segment-any-text/wtpsplit) (👨‍💻 10 · 🔀 42 · 📦 57 · 📋 78 - 6% open · ⏱️ 09.11.2024):

```
git clone https://github.com/bminixhofer/nnsplit
```

text-splitter (🥈17 · ⭐ 290) - Split text into semantic chunks, up to a desired chunk size... MIT

- [GitHub](https://github.com/benbrandt/text-splitter) (👨‍💻 7 · 🔀 18 · 📦 210 · 📋 25 - 28% open · ⏱️ 29.11.2024):

```
git clone https://github.com/benbrandt/text-splitter
```

aici (🥈15 · ⭐ 2K) - AICI: Prompts as (Wasm) Programs. MIT

- [GitHub](https://github.com/microsoft/aici) (👨‍💻 10 · 🔀 79 · 📥 450 · 📋 75 - 45% open · ⏱️ 10.11.2024):

```
git clone https://github.com/microsoft/aici
```

whatlang-rs (🥈15 · ⭐ 980 · 💤) - Natural language detection library for Rust. Try demo online:.. MIT

- [GitHub](https://github.com/greyblake/whatlang-rs) (👨‍💻 24 · 🔀 56 · 📋 55 - 14% open · ⏱️ 16.03.2024):

```
git clone https://github.com/greyblake/whatlang-rs
```

rust-sbert (🥈12 · ⭐ 110) - Rust port of sentence-transformers.. Apache-2

- [GitHub](https://github.com/cpcdoy/rust-sbert) (👨‍💻 6 · 🔀 12 · 📦 6 · 📋 5 - 20% open · ⏱️ 17.09.2024):

```
git clone https://github.com/cpcdoy/rust-sbert
```

outlines-core (🥉11 · ⭐ 140 · 🐣) - Structured generation in Rust. Apache-2

- [GitHub](https://github.com/dottxt-ai/outlines-core) (👨‍💻 12 · 🔀 14 · 📋 43 - 34% open · ⏱️ 19.11.2024):

```
git clone https://github.com/dottxt-ai/outlines-core
```

Show 45 hidden projects...

- nlprule (🥈18 · ⭐ 600 · 💀) - 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-tokenizers (🥈14 · ⭐ 300 · 💀) - Rust-tokenizer offers high-performance tokenizers for.. Apache-2
- rust-stemmers (🥈14 · ⭐ 120 · 💀) - A rust implementation of some popular snowball stemming.. MIT
- levenshtein-automata (🥈14 · ⭐ 62 · 💀) - MIT
- rustling (🥈13 · ⭐ 77 · 💀) - Rust implementation of Duckling. ❗Unlicensed
- tokengrams (🥈13 · ⭐ 16) - Efficiently computing & storing token n-grams from large corpora. MIT
- tokenizations (🥈12 · ⭐ 190 · 💀) - Robust and Fast tokenizations alignment library for Rust and.. MIT
- ungoliant (🥈12 · ⭐ 160 · 💀) - The pipeline for the OSCAR corpus. Apache-2
- 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
- srx (🥈12 · ⭐ 8 · 💀) - A mostly compliant Rust implementation of the Segmentation Rules.. Apache-2
- deduplicate-text-datasets (🥉11 · ⭐ 1.1K · 💤) - Apache-2
- finalfusion-rust (🥉11 · ⭐ 94 · 💀) - 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
- rustfst (🥉10 · ⭐ 150) - Rust re-implementation of OpenFST - library for constructing,.. ❗Unlicensed
- finalfrontier (🥉10 · ⭐ 87 · 💀) - Context-sensitive word embeddings with subwords. In.. ❗Unlicensed
- chr (🥉10 · ⭐ 41 · 💀) - 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 · ⭐ 20 · 💀) - Rust binding for the sentencepiece library. ❗Unlicensed
- rust-tfidf (🥉9 · ⭐ 18 · 💀) - Apache-2
- snips-nlu-parsers (🥉9 · ⭐ 15 · 💀) - Rust crate for entity parsing. ❗Unlicensed
- lumberjack (🥉9 · ⭐ 10 · 💀) - Read and modify constituency trees in Rust. Apache-2
- syntaxdot (🥉8 · ⭐ 72 · 💀) - Neural syntax annotator, supporting sequence labeling,.. ❗Unlicensed
- fasttext-rs (🥉8 · ⭐ 57 · 💀) - fastText Rust binding. ❗Unlicensed
- treebender (🥉8 · ⭐ 45 · 💀) - 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 · ⭐ 15 · 💤) - 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 · ⭐ 80 · 💀) - pure rust implemention of word2vec. ❗Unlicensed
- ollama-rag-rs (🥉6 · ⭐ 15 · 💤) - Experimenting with LLMs through Ollama and retrieval.. Apache-2
- oxidized-transformers (🥉5 · ⭐ 36 · 💤) - Modular Rust transformer/LLM library using Candle. ❗Unlicensed
- rsnltk (🥉5 · ⭐ 19 · 💀) - 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 · ⭐ 13 · 💀) - A Rust implementation of a RoBERTa classification.. ❗Unlicensed
- ohnomore (🥉4 · 💀) - Explorations in lemmatization. ❗Unlicensed


## Image Data

Back to top

_Libraries for image & video processing, manipulation, augmentation, and visualization as well as libraries for computer vision._

rerun (🥇23 · ⭐ 6.8K) - Visualize streams of multimodal data. Free, fast, easy to use, and.. Apache-2

- [GitHub](https://github.com/rerun-io/rerun) (👨‍💻 69 · 🔀 340 · 📥 59K · 📦 110 · 📋 3.2K - 32% open · ⏱️ 29.11.2024):

```
git clone https://github.com/rerun-io/rerun
```

cgmath (🥇23 · ⭐ 1.1K) - A linear algebra and mathematics library for computer graphics. Apache-2

- [GitHub](https://github.com/rustgd/cgmath) (👨‍💻 99 · 🔀 150 · 📦 16K · 📋 180 - 31% open · ⏱️ 27.10.2024):

```
git clone https://github.com/rustgd/cgmath
```

imageproc (🥈20 · ⭐ 760) - Image processing operations. MIT

- [GitHub](https://github.com/image-rs/imageproc) (👨‍💻 79 · 🔀 150 · 📦 5.4K · 📋 240 - 25% open · ⏱️ 19.10.2024):

```
git clone https://github.com/image-rs/imageproc
```

opencv-rust (🥈17 · ⭐ 2K) - Rust bindings for OpenCV 3 & 4. MIT

- [GitHub](https://github.com/twistedfall/opencv-rust) (👨‍💻 51 · 🔀 160 · 📋 540 - 4% open · ⏱️ 12.11.2024):

```
git clone https://github.com/twistedfall/opencv-rust
```

kornia-rs (🥉15 · ⭐ 200) - Low-level Computer Vision library in Rust. Apache-2

- [GitHub](https://github.com/kornia/kornia-rs) (👨‍💻 9 · 🔀 17 · 📦 12 · 📋 66 - 50% open · ⏱️ 29.11.2024):

```
git clone https://github.com/kornia/kornia-rs
```

Show 7 hidden projects...

- texture-synthesis (🥈17 · ⭐ 1.8K · 💀) - Example-based texture synthesis written in Rust. Apache-2
- rustface (🥉16 · ⭐ 400 · 💤) - Face detection library for the Rust programming language. ❗Unlicensed
- rust-cv-convert (🥉12 · ⭐ 43 · 💀) - Type conversion among popular Rust computer vision libraries. MIT
- cv (🥉11 · ⭐ 860 · 💀) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to.. ❗Unlicensed
- visionmagic (🥉9 · ⭐ 58 · 💤) - Collection of vision & graphics algorithms. ❗Unlicensed
- visual-odometry-rs (🥉9 · ⭐ 55 · 💀) - Visual Odometry in Rust (vors). MPL-2.0
- image-ssd (🥉6 · ⭐ 5 · 💀) - A Rust library for object detection via SSD MobileNet. MIT


## Data Loading & Extraction

Back to top

_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](https://github.com/vectordotdev/vector) (👨‍💻 480 · 🔀 1.6K · 📥 2.4M · 📋 7.7K - 23% open · ⏱️ 27.11.2024):

```
git clone https://github.com/timberio/vector
```

rayon (🥇24 · ⭐ 11K) - Rayon: A data parallelism library for Rust. Apache-2

- [GitHub](https://github.com/rayon-rs/rayon) (👨‍💻 150 · 🔀 480 · 📦 240K · 📋 580 - 31% open · ⏱️ 28.10.2024):

```
git clone https://github.com/rayon-rs/rayon
```

redb (🥇24 · ⭐ 3.4K) - An embedded key-value database in pure Rust. Apache-2

- [GitHub](https://github.com/cberner/redb) (👨‍💻 25 · 🔀 150 · 📦 770 · 📋 310 - 3% open · ⏱️ 25.11.2024):

```
git clone https://github.com/cberner/redb
```

rust-csv (🥇24 · ⭐ 1.7K) - A CSV parser for Rust, with Serde support. Unlicense

- [GitHub](https://github.com/BurntSushi/rust-csv) (👨‍💻 54 · 🔀 220 · 📦 85K · 📋 230 - 24% open · ⏱️ 09.11.2024):

```
git clone https://github.com/BurntSushi/rust-csv
```

arrow (🥈23 · ⭐ 15K) - Apache Arrow is the universal columnar format and multi-language toolbox.. Apache-2

- [GitHub](https://github.com/apache/arrow) (👨‍💻 1.3K · 🔀 3.4K · 📥 1.2K · 📦 8 · 📋 26K - 15% open · ⏱️ 30.11.2024):

```
git clone https://github.com/apache/arrow
```

lance (🥈22 · ⭐ 4K) - Modern columnar data format for ML and LLMs implemented in Rust. Convert.. Apache-2

- [GitHub](https://github.com/lancedb/lance) (👨‍💻 71 · 🔀 230 · 📦 3.4K · 📋 1.1K - 43% open · ⏱️ 26.11.2024):

```
git clone https://github.com/eto-ai/lance
```

arrow-datafusion (🥈21 · ⭐ 6.4K) - Apache DataFusion SQL Query Engine. Apache-2

- [GitHub](https://github.com/apache/datafusion) (👨‍💻 730 · 🔀 1.2K · 📦 2.7K · 📋 5.4K - 20% open · ⏱️ 30.11.2024):

```
git clone https://github.com/apache/arrow-datafusion
```

arrow-rs (🥈21 · ⭐ 2.6K · 📉) - Official Rust implementation of Apache Arrow. Apache-2

- [GitHub](https://github.com/apache/arrow-rs) (👨‍💻 620 · 🔀 790 · 📦 7.2K · 📋 2.8K - 12% open · ⏱️ 30.11.2024):

```
git clone https://github.com/apache/arrow-rs
```

delta-rs (🥈21 · ⭐ 2.4K) - A native Rust library for Delta Lake, with bindings into Python. Apache-2

- [GitHub](https://github.com/delta-io/delta-rs) (👨‍💻 200 · 🔀 410 · 📦 420 · 📋 1.1K - 18% open · ⏱️ 01.12.2024):

```
git clone https://github.com/delta-io/delta-rs
```

synth (🥈21 · ⭐ 1.4K) - The Declarative Data Generator. Apache-2

- [GitHub](https://github.com/shuttle-hq/synth) (👨‍💻 32 · 🔀 110 · 📥 14K · 📦 110 · 📋 160 - 50% open · ⏱️ 27.09.2024):

```
git clone https://github.com/openquery-io/synth
```

arroyo (🥉20 · ⭐ 3.8K) - Distributed stream processing engine in Rust. Apache-2

- [GitHub](https://github.com/ArroyoSystems/arroyo) (👨‍💻 25 · 🔀 220 · 📥 630 · 📋 160 - 33% open · ⏱️ 22.11.2024):

```
git clone https://github.com/ArroyoSystems/arroyo
```

fst (🥉20 · ⭐ 1.8K) - Represent large sets and maps compactly with finite state transducers. Unlicense

- [GitHub](https://github.com/BurntSushi/fst) (👨‍💻 25 · 🔀 120 · 📦 11K · 📋 88 - 29% open · ⏱️ 25.09.2024):

```
git clone https://github.com/BurntSushi/fst
```

Oxen (🥉15 · ⭐ 200) - Oxen.ai's core rust library, server, and CLI. Apache-2

- [GitHub](https://github.com/Oxen-AI/Oxen) (👨‍💻 17 · 🔀 12 · 📥 8.7K · 📦 1 · 📋 36 - 47% open · ⏱️ 29.11.2024):

```
git clone https://github.com/Oxen-AI/Oxen
```

kafka-delta-ingest (🥉11 · ⭐ 370) - A highly efficient daemon for streaming data from Kafka.. Apache-2

- [GitHub](https://github.com/delta-io/kafka-delta-ingest) (👨‍💻 17 · 🔀 80 · 📋 67 - 41% open · ⏱️ 28.10.2024):

```
git clone https://github.com/delta-io/kafka-delta-ingest
```

sail (🥉10 · ⭐ 530) - LakeSail's computation framework with a mission to unify stream.. Apache-2

- [GitHub](https://github.com/lakehq/sail) (👨‍💻 4 · 🔀 16 · 📦 1 · 📋 44 - 81% open · ⏱️ 30.11.2024):

```
git clone https://github.com/lakehq/sail
```

extractous (🥉10 · ⭐ 460 · 🐣) - Fast and efficient unstructured data extraction. Written in.. Apache-2

- [GitHub](https://github.com/yobix-ai/extractous) (👨‍💻 6 · 🔀 17 · 📋 21 - 42% open · ⏱️ 24.11.2024):

```
git clone https://github.com/yobix-ai/extractous
```

Show 8 hidden projects...

- polars (🥇25 · ⭐ 31K) - Dataframes powered by a multithreaded, vectorized query engine,.. ❗Unlicensed
- datafuse (🥉18 · ⭐ 7.9K) - , & . Modern alternative to Snowflake. Cost-effective and.. ❗Unlicensed
- datafrog (🥉17 · ⭐ 800 · 💀) - A lightweight Datalog engine in Rust. Apache-2
- rust-tfrecord (🥉13 · ⭐ 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


## Graph Data

Back to top

_Libraries for graph processing, clustering, embedding, and machine learning tasks._

petgraph (🥇25 · ⭐ 3K) - Graph data structure library for Rust. Apache-2

- [GitHub](https://github.com/petgraph/petgraph) (👨‍💻 110 · 🔀 340 · 📦 130K · 📋 320 - 50% open · ⏱️ 24.11.2024):

```
git clone https://github.com/petgraph/petgraph
```

Raphtory (🥈19 · ⭐ 350) - Scalable graph analytics database powered by a multithreaded,.. ❗️GPL-3.0

- [GitHub](https://github.com/Pometry/Raphtory) (👨‍💻 31 · 🔀 55 · 📥 360 · 📦 17 · 📋 510 - 21% open · ⏱️ 29.11.2024):

```
git clone https://github.com/Pometry/Raphtory
```

graph-rs (🥈18 · ⭐ 110) - Microsoft Graph API Client And Identity Platform Client in Rust. MIT

- [GitHub](https://github.com/sreeise/graph-rs-sdk) (👨‍💻 16 · 🔀 30 · 📦 60 · 📋 270 - 7% open · ⏱️ 10.10.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](https://github.com/alibaba/GraphScope) (👨‍💻 70 · 🔀 410 · 📥 210 · 📋 1.6K - 24% open · ⏱️ 28.11.2024):

```
git clone https://github.com/alibaba/GraphScope
```

Show 2 hidden projects...

- graphlib (🥉16 · ⭐ 190 · 💀) - Simple but powerful graph library for Rust. MIT
- propagon (🥉4 · ⭐ 8 · 💀) - Fast, large scale library for computing rankings and features.. ❗Unlicensed


## Model Interpretability

Back to top

_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


## MLOps

Back to top

_Libraries to design workflows, deploy, test, and maintain machine learning pipelines._

dora (🥇19 · ⭐ 1.6K · ➕) - DORA (Dataflow-Oriented Robotic Architecture) is middleware designed.. Apache-2

- [GitHub](https://github.com/dora-rs/dora) (👨‍💻 28 · 🔀 93 · 📥 2.4K · 📦 25 · 📋 140 - 31% open · ⏱️ 28.11.2024):

```
git clone https://github.com/dora-rs/dora
```

mosec (🥈17 · ⭐ 800) - A high-performance ML model serving framework, offers dynamic batching.. Apache-2

- [GitHub](https://github.com/mosecorg/mosec) (👨‍💻 14 · 🔀 60 · 📦 58 · 📋 100 - 13% open · ⏱️ 26.11.2024):

```
git clone https://github.com/mosecorg/mosec
```

TensorZero (🥉13 · ⭐ 890 · 🐣) - TensorZero creates a feedback loop for optimizing LLM.. Apache-2

- [GitHub](https://github.com/tensorzero/tensorzero) (👨‍💻 4 · 🔀 34 · 📋 240 - 34% open · ⏱️ 27.11.2024):

```
git clone https://github.com/tensorzero/tensorzero
```

candle-vllm (🥉13 · ⭐ 270 · ➕) - Efficent platform for inference and serving local LLMs including.. MIT

- [GitHub](https://github.com/EricLBuehler/candle-vllm) (👨‍💻 4 · 🔀 28 · 📋 39 - 10% open · ⏱️ 21.11.2024):

```
git clone https://github.com/EricLBuehler/candle-vllm
```

Show 1 hidden projects...

- h2o-kubernetes (🥉9 · ⭐ 21 · 💀) - H2O Open Source Kubernetes operator and a command-line.. Apache-2


## Applications

Back to top

_ML, NLP, or relevant applications._

qdrant (🥇28 · ⭐ 21K) - Qdrant - High-performance, massive-scale Vector Database and Vector.. Apache-2

- [GitHub](https://github.com/qdrant/qdrant) (👨‍💻 130 · 🔀 1.4K · 📥 260K · 📦 120 · 📋 1.3K - 21% open · ⏱️ 25.11.2024):

```
git clone https://github.com/qdrant/qdrant
```

MeiliSearch (🥇24 · ⭐ 48K) - A lightning-fast search API that fits effortlessly into your apps,.. MIT

- [GitHub](https://github.com/meilisearch/meilisearch) (👨‍💻 200 · 🔀 1.8K · 📥 230K · 📋 2K - 8% open · ⏱️ 21.11.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](https://github.com/quickwit-oss/tantivy) (👨‍💻 150 · 🔀 650 · 📦 1.7K · 📋 1K - 27% open · ⏱️ 29.11.2024):

```
git clone https://github.com/tantivy-search/tantivy
```

LlamaEdge (🥈22 · ⭐ 1.1K · 📈) - The easiest & fastest way to run customized and fine-tuned.. Apache-2

- [GitHub](https://github.com/LlamaEdge/LlamaEdge) (👨‍💻 9 · 🔀 91 · 📥 890K · 📦 20 · 📋 100 - 2% open · ⏱️ 29.11.2024):

```
git clone https://github.com/LlamaEdge/LlamaEdge
```

sonic (🥈20 · ⭐ 20K · 📉) - Fast, lightweight & schema-less search backend. An alternative to.. MPL-2.0

- [GitHub](https://github.com/valeriansaliou/sonic) (👨‍💻 44 · 🔀 580 · 📥 440 · 📦 21 · 📋 260 - 23% open · ⏱️ 22.07.2024):

```
git clone https://github.com/valeriansaliou/sonic
```

screenpipe (🥈20 · ⭐ 11K · 🐣) - one API to get all user desktop data (local, cross platform, 24/7,.. MIT

- [GitHub](https://github.com/mediar-ai/screenpipe) (👨‍💻 50 · 🔀 630 · 📥 2.9K · 📋 400 - 23% open · ⏱️ 01.12.2024):

```
git clone https://github.com/mediar-ai/screenpipe
```

bloop (🥈20 · ⭐ 9.5K) - bloop is a fast code search engine written in Rust. Apache-2

- [GitHub](https://github.com/BloopAI/bloop) (👨‍💻 29 · 🔀 570 · 📥 53K · 📋 150 - 30% open · ⏱️ 13.11.2024):

```
git clone https://github.com/BloopAI/bloop
```

lancedb (🥈19 · ⭐ 4.9K · ➕) - Developer-friendly, serverless vector database for AI.. Apache-2

- [GitHub](https://github.com/lancedb/lancedb) (👨‍💻 100 · 🔀 340 · 📦 11 · 📋 780 - 38% open · ⏱️ 29.11.2024):

```
git clone https://github.com/lancedb/lancedb
```

RustQuant (🥉17 · ⭐ 1.2K) - Rust library for quantitative finance. Apache-2

- [GitHub](https://github.com/avhz/RustQuant) (👨‍💻 43 · 🔀 130 · 📦 21 · 📋 120 - 22% open · ⏱️ 24.11.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](https://github.com/weggli-rs/weggli) (👨‍💻 10 · 🔀 130 · 📦 86 · 📋 66 - 56% open · ⏱️ 16.01.2024):

```
git clone https://github.com/googleprojectzero/weggli
```

lsp-ai (🥉16 · ⭐ 2.2K) - LSP-AI is an open-source language server that serves as a backend for AI-.. MIT

- [GitHub](https://github.com/SilasMarvin/lsp-ai) (👨‍💻 8 · 🔀 76 · 📥 960 · 📋 53 - 39% open · ⏱️ 25.09.2024):

```
git clone https://github.com/SilasMarvin/lsp-ai
```

lnx (🥉16 · ⭐ 1.2K) - Insanely fast, Feature-rich searching. lnx is the adaptable, typo tollerant.. MIT

- [GitHub](https://github.com/lnx-search/lnx) (👨‍💻 4 · 🔀 46 · 📋 78 - 46% open · ⏱️ 22.11.2024):

```
git clone https://github.com/lnx-search/lnx
```

Show 13 hidden projects...

- ChatGPT (🥈20 · ⭐ 53K) - ChatGPT Desktop Application (Mac, Windows and Linux). ❗Unlicensed
- zombodb (🥈19 · ⭐ 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 · ⭐ 8.3K) - 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
- Toshi (🥉13 · ⭐ 4.2K · 💀) - A full-text search engine in rust. MIT
- hora-hora (🥉13 · ⭐ 2.6K · 💀) - efficient approximate nearest neighbor search algorithm.. Apache-2
- nerve (🥉13 · ⭐ 530 · 🐣) - Instrument any LLM to do actual stuff. ❗Unlicensed
- voy (🥉9 · ⭐ 880 · 💀) - A WASM vector similarity search written in Rust. Apache-2
- opentau (🥉8 · ⭐ 96 · 💤) - Using Large Language Models for Repo-wide Type Prediction. Apache-2
- llamacord (🥉7 · ⭐ 92 · 💀) - A Discord bot, written in Rust, that generates responses using.. ❗️GPL-3.0


## Analysis

Back to top

_Libraries for analyzing data._

Show 1 hidden projects...

- vega (🥇16 · ⭐ 2.2K · 💀) - A new arguably faster implementation of Apache Spark from scratch in.. Apache-2


## Other

Back to top

_Other libraries useful for ML._

Show 2 hidden projects...

- Rust-CUDA (🥇17 · ⭐ 3.2K · 💀) - Ecosystem of libraries and tools for writing and executing.. Apache-2
- zkml (🥉8 · ⭐ 350 · 💀) - Apache-2

---

## Related Resources

- [**Awesome-Rust-MachineLearning**](https://github.com/vaaaaanquish/Awesome-Rust-MachineLearning): This repository is a list of machine learning libraries written in Rust.
- [**best-of-ml-python**](https://github.com/ml-tooling/best-of-ml-python): A ranked list of awesome machine learning Python libraries.
- [**best-of-ml-julia**](https://github.com/e-tony/best-of-ml-julia): A ranked list of awesome machine learning Julia libraries.

## Contribution

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](https://github.com/e-tony/best-of-ml-rust/issues/new/choose) and fill in the requested information.
- Modify the [projects.yaml](https://github.com/e-tony/best-of-ml-rust/blob/main/projects.yaml) with your additions or changes, and submit a pull request. This can also be done directly via the [Github UI](https://github.com/e-tony/best-of-ml-rust/edit/main/projects.yaml).

If you like to contribute to or share suggestions regarding the project metadata collection or markdown generation, please refer to the [best-of-generator](https://github.com/best-of-lists/best-of-generator) repository. If you like to create your own best-of list, we recommend to follow [this guide](https://github.com/best-of-lists/best-of/blob/main/create-best-of-list.md).

For more information on how to add or update projects, please read the [contribution guidelines](https://github.com/e-tony/best-of-ml-rust/blob/main/CONTRIBUTING.md). By participating in this project, you agree to abide by its [Code of Conduct](https://github.com/e-tony/best-of-ml-rust/blob/main/.github/CODE_OF_CONDUCT.md).

## License

[![CC0](https://mirrors.creativecommons.org/presskit/buttons/88x31/svg/by-sa.svg)](https://creativecommons.org/licenses/by-sa/4.0/)