Skip to content

πŸ† A ranked list of awesome machine learning Rust libraries.

License

Notifications You must be signed in to change notification settings

e-tornike/best-of-ml-rust

Folders and files

NameName
Last commit message
Last commit date

Latest commit

Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 
Β 

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, submit a pull request, or directly edit the projects.yaml. Contributions are very welcome!

πŸ§™β€β™‚οΈ Discover other best-of lists or create your own.

Contents

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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 99 Β· πŸ”€ 150 Β· πŸ“¦ 16K Β· πŸ“‹ 180 - 31% open Β· ⏱️ 27.10.2024):

     git clone https://github.com/rustgd/cgmath
    
imageproc (πŸ₯ˆ20 Β· ⭐ 760) - Image processing operations. MIT
  • GitHub (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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 (πŸ‘¨β€πŸ’» 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

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 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.

License

CC0