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 210 awesome open-source projects with a total of 420K 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.

nalgebra (πŸ₯‡25 Β· ⭐ 3.7K) - Linear algebra library for Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 210 Β· πŸ”€ 430 Β· πŸ“¦ 39K Β· πŸ“‹ 680 - 44% open Β· ⏱️ 28.03.2024):

     git clone https://github.com/dimforge/nalgebra
    
linfa (πŸ₯‡22 Β· ⭐ 3.4K) - A Rust machine learning framework. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 43 Β· πŸ”€ 210 Β· πŸ“¦ 410 Β· πŸ“‹ 140 - 33% open Β· ⏱️ 30.03.2024):

     git clone https://github.com/rust-ml/linfa
    
tvm (πŸ₯‡21 Β· ⭐ 11K) - Open deep learning compiler stack for cpu, gpu and specialized.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 990 Β· πŸ”€ 3.2K Β· πŸ“₯ 3.6K Β· πŸ“‹ 3.3K - 19% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/apache/tvm
    
burn (πŸ₯‡21 Β· ⭐ 6.8K) - Burn is a new comprehensive dynamic Deep Learning Framework built using.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 90 Β· πŸ”€ 300 Β· πŸ“¦ 240 Β· πŸ“‹ 490 - 32% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/burn-rs/burn
    
tch-rs (πŸ₯‡20 Β· ⭐ 3.8K) - Rust bindings for the C++ api of PyTorch. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 72 Β· πŸ”€ 300 Β· πŸ“₯ 1.5K Β· πŸ“¦ 1.5K Β· πŸ“‹ 540 - 23% open Β· ⏱️ 08.02.2024):

     git clone https://github.com/LaurentMazare/tch-rs
    
rust-numpy (πŸ₯‡20 Β· ⭐ 1K) - PyO3-based Rust bindings of the NumPy C-API. BSD-2
  • GitHub (πŸ‘¨β€πŸ’» 43 Β· πŸ”€ 91 Β· πŸ“¦ 3K Β· πŸ“‹ 120 - 4% open Β· ⏱️ 31.03.2024):

     git clone https://github.com/PyO3/rust-numpy
    
Peroxide (πŸ₯‡20 Β· ⭐ 440 Β· πŸ“ˆ) - Rust numeric library with R, MATLAB & Python syntax. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 17 Β· πŸ”€ 27 Β· πŸ“¦ 160 Β· πŸ“‹ 29 - 34% open Β· ⏱️ 29.03.2024):

     git clone https://github.com/Axect/Peroxide
    
sprs (πŸ₯‡20 Β· ⭐ 370) - sparse linear algebra library for rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 34 Β· πŸ”€ 43 Β· πŸ“¦ 1.2K Β· πŸ“‹ 150 - 29% open Β· ⏱️ 19.12.2023):

     git clone https://github.com/vbarrielle/sprs
    
candle (πŸ₯ˆ19 Β· ⭐ 13K) - Minimalist ML framework for Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 110 Β· πŸ”€ 680 Β· πŸ“¦ 580 Β· πŸ“‹ 490 - 42% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/huggingface/candle
    
argmin (πŸ₯ˆ18 Β· ⭐ 880) - Numerical optimization in pure Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 38 Β· πŸ”€ 72 Β· πŸ“¦ 400 Β· πŸ“‹ 120 - 22% open Β· ⏱️ 30.03.2024):

     git clone https://github.com/argmin-rs/argmin
    
smartcore (πŸ₯ˆ18 Β· ⭐ 640) - A comprehensive library for machine learning and numerical.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 28 Β· πŸ”€ 72 Β· πŸ“¦ 190 Β· πŸ“‹ 110 - 57% open Β· ⏱️ 04.03.2024):

     git clone https://github.com/smartcorelib/smartcore
    
faiss-rs (πŸ₯ˆ17 Β· ⭐ 180) - Rust language bindings for Faiss. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 10 Β· πŸ”€ 30 Β· πŸ“¦ 23 Β· πŸ“‹ 32 - 21% open Β· ⏱️ 01.04.2024):

     git clone https://github.com/Enet4/faiss-rs
    
kdtree-rs (πŸ₯ˆ16 Β· ⭐ 210) - K-dimensional tree in Rust for fast geospatial indexing and lookup. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 16 Β· πŸ”€ 42 Β· πŸ“¦ 580 Β· πŸ“‹ 19 - 5% open Β· ⏱️ 02.02.2024):

     git clone https://github.com/mrhooray/kdtree-rs
    
gap_statistic (πŸ₯ˆ16 Β· ⭐ 210 Β· πŸ’€) - Dynamically get the suggested clusters in the data for.. Unlicense
  • GitHub (πŸ‘¨β€πŸ’» 6 Β· πŸ”€ 47 Β· πŸ“₯ 440 Β· πŸ“¦ 53 Β· πŸ“‹ 37 - 10% open Β· ⏱️ 31.07.2023):

     git clone https://github.com/milesgranger/gap_statistic
    
rust (πŸ₯ˆ15 Β· ⭐ 5K) - Rust language bindings for TensorFlow. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 48 Β· πŸ”€ 410 Β· πŸ“‹ 190 - 31% open Β· ⏱️ 03.12.2023):

     git clone https://github.com/tensorflow/rust
    
azure-sdk-for-rust (πŸ₯ˆ15 Β· ⭐ 640) - This repository is for active development of the.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 140 Β· πŸ”€ 200 Β· πŸ“¦ 1 Β· πŸ“‹ 530 - 24% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/Azure/azure-sdk-for-rust
    
hnsw (πŸ₯ˆ14 Β· ⭐ 200 Β· πŸ’€) - HNSW ANN from the paper Efficient and robust approximate nearest neighbor.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 5 Β· πŸ”€ 11 Β· πŸ“¦ 130 Β· πŸ“‹ 26 - 57% open Β· ⏱️ 04.06.2023):

     git clone https://github.com/rust-cv/hnsw
    
autograph (πŸ₯‰13 Β· ⭐ 300) - Machine Learning Library for Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 4 Β· πŸ”€ 15 Β· πŸ“¦ 2 Β· ⏱️ 30.03.2024):

     git clone https://github.com/charles-r-earp/autograph
    
NeuroFlow (πŸ₯‰13 Β· ⭐ 100 Β· πŸ’€) - Awesome deep learning crate. MIT
  • GitHub (πŸ‘¨β€πŸ’» 3 Β· πŸ”€ 18 Β· πŸ“¦ 20 Β· πŸ“‹ 5 - 20% open Β· ⏱️ 18.08.2023):

     git clone https://github.com/MikhailKravets/NeuroFlow
    
instant-distance (πŸ₯‰11 Β· ⭐ 280) - Fast approximate nearest neighbor searching in Rust,.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 8 Β· πŸ”€ 22 Β· πŸ“¦ 1 Β· πŸ“‹ 7 - 28% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/InstantDomain/instant-distance
    
rurel (πŸ₯‰11 Β· ⭐ 120) - Flexible, reusable reinforcement learning (Q learning) implementation in.. MPL-2.0
  • GitHub (πŸ‘¨β€πŸ’» 8 Β· πŸ”€ 16 Β· πŸ“¦ 15 Β· πŸ“‹ 10 - 20% open Β· ⏱️ 23.01.2024):

     git clone https://github.com/milanboers/rurel
    
Show 63 hidden projects...
  • rusoto (πŸ₯‡22 Β· ⭐ 2.7K Β· πŸ’€) - AWS SDK for Rust. MIT
  • statrs (πŸ₯‡22 Β· ⭐ 500 Β· πŸ’€) - Statistical computation library for Rust. MIT
  • evcxr (πŸ₯ˆ19 Β· ⭐ 5.1K) - ❗Unlicensed
  • tract (πŸ₯ˆ19 Β· ⭐ 2K) - Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference. ❗Unlicensed
  • rusty-machine (πŸ₯ˆ18 Β· ⭐ 1.2K Β· πŸ’€) - Machine Learning library for Rust. MIT
  • xaynet (πŸ₯ˆ18 Β· ⭐ 200 Β· πŸ’€) - Xaynet represents an agnostic Federated Machine Learning framework.. Apache-2
  • pyrus-cramjam (πŸ₯ˆ18 Β· ⭐ 76) - Your go-to for easy access to a plethora of compression algorithms,.. MIT
  • weld (πŸ₯ˆ17 Β· ⭐ 3K Β· πŸ’€) - High-performance runtime for data analytics applications. BSD-3
  • dfdx (πŸ₯ˆ16 Β· ⭐ 1.6K) - Deep learning in Rust, with shape checked tensors and neural networks. ❗Unlicensed
  • juice (πŸ₯ˆ16 Β· ⭐ 1.1K) - The Hacker's Machine Learning Engine. ❗Unlicensed
  • rustlearn (πŸ₯ˆ16 Β· ⭐ 600 Β· πŸ’€) - Machine learning crate for Rust. Apache-2
  • granne (πŸ₯ˆ16 Β· ⭐ 310 Β· πŸ’€) - Graph-based Approximate Nearest Neighbor Search. MIT
  • onnxruntime-rs (πŸ₯ˆ16 Β· ⭐ 260 Β· πŸ’€) - Rust wrapper for Microsoft's ONNX Runtime (version.. Apache-2
  • leaf (πŸ₯ˆ15 Β· ⭐ 5.6K Β· πŸ’€) - Open Machine Intelligence Framework for Hackers. (GPU/CPU). Apache-2
  • ballista (πŸ₯ˆ14 Β· ⭐ 2.3K Β· πŸ’€) - Distributed compute platform implemented in Rust, and powered.. Apache-2
  • Enzyme (πŸ₯ˆ14 Β· ⭐ 1.1K) - High-performance automatic differentiation of LLVM and MLIR. ❗Unlicensed
  • rain (πŸ₯ˆ14 Β· ⭐ 740 Β· πŸ’€) - Framework for large distributed pipelines. MIT
  • cleora (πŸ₯ˆ14 Β· ⭐ 470 Β· πŸ’€) - Cleora AI is a general-purpose model for efficient, scalable.. ❗Unlicensed
  • rsrl (πŸ₯ˆ14 Β· ⭐ 170 Β· πŸ’€) - A fast, safe and easy to use reinforcement learning framework in Rust. MIT
  • hora (πŸ₯‰13 Β· ⭐ 2.5K Β· πŸ’€) - efficient approximate nearest neighbor search algorithm collections.. Apache-2
  • RustNN (πŸ₯‰13 Β· ⭐ 330 Β· πŸ’€) - A neural network crate. Apache-2
  • kodama (πŸ₯‰13 Β· ⭐ 84) - Fast hierarchical agglomerative clustering in Rust. MIT
  • gym-rs (πŸ₯‰13 Β· ⭐ 60 Β· πŸ’€) - OpenAI Gym bindings for Rust. MIT
  • rust-autograd (πŸ₯‰12 Β· ⭐ 480 Β· πŸ’€) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT
  • bhtsne (πŸ₯‰12 Β· ⭐ 60 Β· πŸ’€) - Parallel Barnes-Hut t-SNE implementation written in Rust. MIT
  • rstats (πŸ₯‰12 Β· ⭐ 35) - Statistics, Information Measures, Linear Algebra, Cholesky Matrix.. Apache-2
  • L2 (πŸ₯‰11 Β· ⭐ 180 Β· πŸ’€) - l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust. MIT
  • rustml (πŸ₯‰11 Β· ⭐ 64 Β· πŸ’€) - Machine learning in Rust. ❗Unlicensed
  • ffsvm-rust (πŸ₯‰11 Β· ⭐ 60 Β· πŸ’€) - FFSVM stands for Really Fast Support Vector Machine. MIT
  • black-jack (πŸ₯‰11 Β· ⭐ 30 Β· πŸ’€) - DataFrame / Series data processing in Rust. ❗️GPL-3.0
  • petal-clustering (πŸ₯‰11 Β· ⭐ 24) - DBSCAN and OPTICS clustering algorithms. Apache-2
  • batched-fn (πŸ₯‰11 Β· ⭐ 17 Β· πŸ“ˆ) - Rust server plugin for deploying deep learning models with.. Apache-2
  • neuronika (πŸ₯‰10 Β· ⭐ 1K Β· πŸ’€) - Tensors and dynamic neural networks in pure Rust. Apache-2
  • deeplearn-rs (πŸ₯‰10 Β· ⭐ 210 Β· πŸ’€) - Neural networks in Rust. MIT
  • orkhon (πŸ₯‰10 Β· ⭐ 140 Β· πŸ’€) - Orkhon: ML Inference Framework and Server Runtime. MIT
  • gamma (πŸ₯‰10 Β· ⭐ 120 Β· πŸ’€) - A graph library for Rust. ❗Unlicensed
  • tflite-rs (πŸ₯‰10 Β· ⭐ 100 Β· πŸ’€) - Apache-2
  • alumina (πŸ₯‰10 Β· ⭐ 99 Β· πŸ’€) - A deep learning library for rust. ❗Unlicensed
  • torchrs (πŸ₯‰10 Β· ⭐ 74 Β· πŸ’€) - Deep Learning in Rust with the PyTorch API. BSD-2
  • unda (πŸ₯‰10 Β· ⭐ 13 Β· 🐣) - General purpose machine learning crate. Apache-2
  • reductive (πŸ₯‰10 Β· ⭐ 6 Β· πŸ’€) - Vector quantization. Apache-2
  • hal (πŸ₯‰9 Β· ⭐ 88 Β· πŸ’€) - Rust based Cross-GPU Machine Learning. MIT
  • tractjs (πŸ₯‰9 Β· ⭐ 76 Β· πŸ’€) - Run ONNX and TensorFlow inference in the browser. ❗Unlicensed
  • ngt-rs (πŸ₯‰9 Β· ⭐ 35) - Rust wrappers for NGT approximate nearest neighbor search. Apache-2
  • RusticSOM (πŸ₯‰9 Β· ⭐ 31 Β· πŸ’€) - Rust library for Self Organising Maps (SOM). MIT
  • rustdef (πŸ₯‰9 Β· ⭐ 27 Β· πŸ’€) - Jupyter extension for Rust. MIT
  • bayespam (πŸ₯‰9 Β· ⭐ 12 Β· πŸ’€) - A simple bayesian spam classifier written in Rust. MIT
  • crfsuite-rs (πŸ₯‰8 Β· ⭐ 23 Β· πŸ’€) - Rust binding to crfsuite. MIT
  • cntk-rs (πŸ₯‰8 Β· ⭐ 21 Β· πŸ’€) - Wrapper around Microsoft CNTK library. Apache-2
  • revonet (πŸ₯‰8 Β· ⭐ 21 Β· πŸ’€) - Rust implementation of real-coded GA for solving optimization.. ❗️GPL-3.0
  • mushin (πŸ₯‰7 Β· ⭐ 380 Β· πŸ’€) - 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
  • vpsearch (πŸ₯‰7 Β· ⭐ 32 Β· πŸ’€) - C library for finding nearest (most similar) element in a set. ❗Unlicensed
  • drug (πŸ₯‰7 Β· ⭐ 16 Β· πŸ’€) - Differentiable Rust Graphs (neural network library). MIT
  • fann-rs (πŸ₯‰7 Β· ⭐ 15) - Rust wrapper for the Fast Artificial Neural Network library. ❗️LGPL-3.0
  • craftml-rs (πŸ₯‰7 Β· ⭐ 15 Β· πŸ’€) - A Rust implementation of CRAFTML, an Efficient Clustering-based.. MIT
  • liblinear-rs (πŸ₯‰7 Β· ⭐ 9 Β· πŸ’€) - Rust language bindings for the LIBLINEAR C/C++ library. 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
  • 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.

tokenizers (πŸ₯‡25 Β· ⭐ 8.3K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 87 Β· πŸ”€ 680 Β· πŸ“₯ 47 Β· πŸ“¦ 68K Β· πŸ“‹ 900 - 11% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/huggingface/tokenizers
    
tiktoken (πŸ₯‡24 Β· ⭐ 9.4K) - tiktoken is a fast BPE tokeniser for use with OpenAI's models. MIT
  • GitHub (πŸ‘¨β€πŸ’» 17 Β· πŸ”€ 590 Β· πŸ“¦ 62K Β· πŸ“‹ 190 - 14% open Β· ⏱️ 11.02.2024):

     git clone https://github.com/openai/tiktoken
    
aho-corasick (πŸ₯‡23 Β· ⭐ 940) - A fast implementation of Aho-Corasick in Rust. Unlicense
  • GitHub (πŸ‘¨β€πŸ’» 32 Β· πŸ”€ 87 Β· πŸ“¦ 430K Β· πŸ“‹ 64 - 4% open Β· ⏱️ 27.03.2024):

     git clone https://github.com/BurntSushi/aho-corasick
    
memchr (πŸ₯‡23 Β· ⭐ 740) - Optimized string search routines for Rust. Unlicense
  • GitHub (πŸ‘¨β€πŸ’» 42 Β· πŸ”€ 91 Β· πŸ“¦ 550K Β· πŸ“‹ 61 - 1% open Β· ⏱️ 27.03.2024):

     git clone https://github.com/BurntSushi/memchr
    
whatlang-rs (πŸ₯‡21 Β· ⭐ 950) - Natural language detection library for Rust. Try demo online:.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 24 Β· πŸ”€ 56 Β· πŸ“¦ 1.5K Β· πŸ“‹ 55 - 14% open Β· ⏱️ 16.03.2024):

     git clone https://github.com/greyblake/whatlang-rs
    
grex (πŸ₯‡20 Β· ⭐ 6.5K) - A command-line tool and Rust library with Python bindings for generating.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 10 Β· πŸ”€ 150 Β· πŸ“₯ 38K Β· πŸ“¦ 160 Β· πŸ“‹ 50 - 12% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/pemistahl/grex
    
llama-rs (πŸ₯‡20 Β· ⭐ 5.8K) - An ecosystem of Rust libraries for working with large language.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 54 Β· πŸ”€ 320 Β· πŸ“₯ 1.1K Β· πŸ“¦ 240 Β· πŸ“‹ 230 - 34% open Β· ⏱️ 01.12.2023):

     git clone https://github.com/rustformers/llama-rs
    
fancy-regex (πŸ₯‡20 Β· ⭐ 380 Β· πŸ“‰) - Rust library for regular expressions using fancy features like.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 23 Β· πŸ”€ 33 Β· πŸ“¦ 9.3K Β· πŸ“‹ 43 - 32% open Β· ⏱️ 22.12.2023):

     git clone https://github.com/fancy-regex/fancy-regex
    
lindera (πŸ₯ˆ19 Β· ⭐ 350) - A multilingual morphological analysis library. MIT
  • GitHub (πŸ‘¨β€πŸ’» 16 Β· πŸ”€ 35 Β· πŸ“₯ 1.1K Β· πŸ“¦ 740 Β· πŸ“‹ 82 - 13% open Β· ⏱️ 24.03.2024):

     git clone https://github.com/lindera-morphology/lindera
    
sudachi.rs (πŸ₯ˆ19 Β· ⭐ 270) - Sudachi in Rust and new generation of SudachiPy. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 11 Β· πŸ”€ 28 Β· πŸ“₯ 170 Β· πŸ“¦ 930 Β· πŸ“‹ 130 - 20% open Β· ⏱️ 27.03.2024):

     git clone https://github.com/WorksApplications/sudachi.rs
    
rust-bert (πŸ₯ˆ18 Β· ⭐ 2.4K) - Rust native ready-to-use NLP pipelines and transformer-based.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 41 Β· πŸ”€ 190 Β· πŸ“¦ 540 Β· πŸ“‹ 200 - 23% open Β· ⏱️ 11.02.2024):

     git clone https://github.com/guillaume-be/rust-bert
    
lingua-rs (πŸ₯ˆ17 Β· ⭐ 810) - The most accurate natural language detection library for Rust,.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 6 Β· πŸ”€ 33 Β· πŸ“¦ 160 Β· πŸ“‹ 52 - 21% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/pemistahl/lingua-rs
    
ollama-rs (πŸ₯ˆ17 Β· ⭐ 210 Β· 🐣) - A Rust library allowing to interact with the Ollama API. MIT
  • GitHub (πŸ‘¨β€πŸ’» 12 Β· πŸ”€ 29 Β· πŸ“¦ 83 Β· ⏱️ 30.03.2024):

     git clone https://github.com/pepperoni21/ollama-rs
    
aici (πŸ₯ˆ16 Β· ⭐ 1.6K Β· πŸ“ˆ) - AICI: Prompts as (Wasm) Programs. MIT
  • GitHub (πŸ‘¨β€πŸ’» 8 Β· πŸ”€ 60 Β· πŸ“₯ 110 Β· πŸ“‹ 65 - 44% open Β· ⏱️ 27.03.2024):

     git clone https://github.com/microsoft/aici
    
nnsplit (πŸ₯ˆ16 Β· ⭐ 490) - Code for Where's the Point? Self-Supervised Multilingual Punctuation-.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 6 Β· πŸ”€ 33 Β· πŸ“¦ 20 Β· πŸ“‹ 56 - 10% open Β· ⏱️ 08.03.2024):

     git clone https://github.com/bminixhofer/nnsplit
    
rust-tokenizers (πŸ₯ˆ14 Β· ⭐ 270) - Rust-tokenizer offers high-performance tokenizers for.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 8 Β· πŸ”€ 25 Β· πŸ“¦ 540 Β· πŸ“‹ 9 - 22% open Β· ⏱️ 01.10.2023):

     git clone https://github.com/guillaume-be/rust-tokenizers
    
text-splitter (πŸ₯ˆ14 Β· ⭐ 120) - Split text into semantic chunks, up to a desired chunk size... MIT
  • GitHub (πŸ‘¨β€πŸ’» 4 Β· πŸ”€ 7 Β· πŸ“¦ 39 Β· πŸ“‹ 15 - 40% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/benbrandt/text-splitter
    
rllama (πŸ₯‰11 Β· ⭐ 510 Β· πŸ’€) - Rust+OpenCL+AVX2 implementation of LLaMA inference code. ❗️AGPL-3.0
  • GitHub (πŸ‘¨β€πŸ’» 3 Β· πŸ”€ 27 Β· πŸ“¦ 2 Β· πŸ“‹ 12 - 75% open Β· ⏱️ 09.04.2023):

     git clone https://github.com/Noeda/rllama
    
ungoliant (πŸ₯‰11 Β· ⭐ 150) - 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 42 hidden projects...
  • nlprule (πŸ₯ˆ18 Β· ⭐ 570 Β· πŸ’€) - A fast, low-resource Natural Language Processing and Text.. Apache-2
  • rs-natural (πŸ₯ˆ15 Β· ⭐ 220 Β· πŸ’€) - Natural Language Processing for Rust. MIT
  • snips-nlu-rs (πŸ₯ˆ14 Β· ⭐ 340 Β· πŸ’€) - Snips NLU rust implementation. ❗Unlicensed
  • rust-stemmers (πŸ₯ˆ14 Β· ⭐ 96 Β· πŸ’€) - A rust implementation of some popular snowball stemming.. MIT
  • levenshtein-automata (πŸ₯ˆ14 Β· ⭐ 56 Β· πŸ’€) - MIT
  • rustling (πŸ₯ˆ13 Β· ⭐ 73 Β· πŸ’€) - 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
  • spm_precompiled (πŸ₯ˆ12 Β· ⭐ 15 Β· πŸ’€) - Highly specialized crate to parse and use.. Apache-2
  • rust-stop-words (πŸ₯ˆ12 Β· ⭐ 14) - Common stop words in a variety of languages. MIT
  • srx (πŸ₯ˆ12 Β· ⭐ 7 Β· πŸ’€) - A mostly compliant Rust implementation of the Segmentation Rules.. Apache-2
  • deduplicate-text-datasets (πŸ₯‰11 Β· ⭐ 970) - Apache-2
  • finalfusion-rust (πŸ₯‰11 Β· ⭐ 85) - finalfusion embeddings in Rust. ❗Unlicensed
  • finalfrontier (πŸ₯‰11 Β· ⭐ 84) - Context-sensitive word embeddings with subwords. In Rust. ❗Unlicensed
  • snips-nlu-ontology (πŸ₯‰11 Β· ⭐ 57 Β· πŸ’€) - Ontology of Snips NLU. ❗Unlicensed
  • word2vec (πŸ₯‰11 Β· ⭐ 27 Β· πŸ’€) - Rust interface to word2vec. MIT
  • vtext (πŸ₯‰10 Β· ⭐ 150 Β· πŸ’€) - Simple NLP in Rust with Python bindings. Apache-2
  • rustfst (πŸ₯‰10 Β· ⭐ 140) - Rust re-implementation of OpenFST - library for constructing,.. ❗Unlicensed
  • rust-sbert (πŸ₯‰10 Β· ⭐ 98 Β· πŸ’€) - Rust port of sentence-transformers.. Apache-2
  • chr (πŸ₯‰10 Β· ⭐ 38 Β· πŸ’€) - A command-line tool that gives information about Unicode characters. Apache-2
  • dpar (πŸ₯‰9 Β· ⭐ 41 Β· πŸ’€) - Neural network transition-based dependency parser (in Rust). Apache-2
  • sentencepiece (πŸ₯‰9 Β· ⭐ 16 Β· πŸ’€) - Rust binding for the sentencepiece library. ❗Unlicensed
  • rust-tfidf (πŸ₯‰9 Β· ⭐ 16 Β· πŸ’€) - Apache-2
  • snips-nlu-parsers (πŸ₯‰9 Β· ⭐ 15 Β· πŸ’€) - Rust crate for entity parsing. ❗Unlicensed
  • gazetteer-entity-parser (πŸ₯‰9 Β· ⭐ 15 Β· πŸ’€) - Rust library for parsing and resolving entity values.. ❗Unlicensed
  • lumberjack (πŸ₯‰9 Β· ⭐ 10 Β· πŸ’€) - Read and modify constituency trees in Rust. Apache-2
  • syntaxdot (πŸ₯‰8 Β· ⭐ 65) - Neural syntax annotator, supporting sequence labeling,.. ❗Unlicensed
  • fasttext-rs (πŸ₯‰8 Β· ⭐ 50 Β· πŸ’€) - fastText Rust binding. ❗Unlicensed
  • treebender (πŸ₯‰8 Β· ⭐ 40 Β· πŸ’€) - 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 Β· ⭐ 18 Β· πŸ’€) - An NLP-suite powered by deep learning. ❗️GPL-3.0
  • awabi (πŸ₯‰8 Β· ⭐ 9 Β· πŸ’€) - A morphological analyzer using mecab dictionary. MIT
  • alpino-tokenizer (πŸ₯‰7 Β· ⭐ 3) - Rust wrapper for the Alpino tokenizer. ❗Unlicensed
  • seqalign (πŸ₯‰7 Β· ⭐ 1 Β· πŸ’€) - Sequence alignments. Apache-2
  • word2vec-rs (πŸ₯‰6 Β· ⭐ 71 Β· πŸ’€) - pure rust implemention of word2vec. ❗Unlicensed
  • ollama-rag-rs (πŸ₯‰6 Β· ⭐ 7 Β· 🐣) - Experimenting with LLMs through Ollama and retrieval.. Apache-2
  • oxidized-transformers (πŸ₯‰5 Β· ⭐ 29) - Modular Rust transformer/LLM library using Candle. ❗Unlicensed
  • blingfire-rs (πŸ₯‰5 Β· ⭐ 15 Β· πŸ’€) - Rust wrapper for the BlingFire tokenization library. MIT
  • rsnltk (πŸ₯‰5 Β· ⭐ 12 Β· πŸ’€) - Rust-based Natural Language Toolkit using Python Bindings. ❗Unlicensed
  • wordpieces (πŸ₯‰5 Β· ⭐ 5 Β· πŸ’€) - Split tokens into word pieces. ❗Unlicensed
  • rustberta-snli (πŸ₯‰4 Β· ⭐ 11 Β· πŸ’€) - 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 (πŸ₯‡21 Β· ⭐ 4.9K) - Visualize streams of multimodal data. Fast, easy to use, and simple to.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 44 Β· πŸ”€ 220 Β· πŸ“₯ 9.5K Β· πŸ“¦ 38 Β· πŸ“‹ 2.3K - 34% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/rerun-io/rerun
    
opencv-rust (πŸ₯‡21 Β· ⭐ 1.8K) - Rust bindings for OpenCV 3 & 4. MIT
  • GitHub (πŸ‘¨β€πŸ’» 44 Β· πŸ”€ 130 Β· πŸ“¦ 1.3K Β· πŸ“‹ 470 - 8% open Β· ⏱️ 18.03.2024):

     git clone https://github.com/twistedfall/opencv-rust
    
imageproc (πŸ₯ˆ20 Β· ⭐ 680 Β· πŸ“ˆ) - Image processing operations. MIT
  • GitHub (πŸ‘¨β€πŸ’» 68 Β· πŸ”€ 130 Β· πŸ“¦ 3.9K Β· πŸ“‹ 200 - 36% open Β· ⏱️ 30.03.2024):

     git clone https://github.com/image-rs/imageproc
    
Show 9 hidden projects...
  • cgmath (πŸ₯‡22 Β· ⭐ 1.1K Β· πŸ’€) - A linear algebra and mathematics library for computer graphics. Apache-2
  • texture-synthesis (πŸ₯ˆ17 Β· ⭐ 1.7K Β· πŸ’€) - Example-based texture synthesis written in Rust. Apache-2
  • rustface (πŸ₯‰16 Β· ⭐ 370) - Face detection library for the Rust programming language. ❗Unlicensed
  • kornia-rs (πŸ₯‰12 Β· ⭐ 94 Β· βž•) - Low-level Computer Vision library in Rust. Apache-2
  • rust-cv-convert (πŸ₯‰12 Β· ⭐ 35) - Type conversion among popular Rust computer vision libraries. MIT
  • cv (πŸ₯‰11 Β· ⭐ 740 Β· πŸ’€) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to.. ❗Unlicensed
  • visionmagic (πŸ₯‰10 Β· ⭐ 52) - Collection of vision & graphics algorithms. ❗Unlicensed
  • visual-odometry-rs (πŸ₯‰9 Β· ⭐ 50 Β· πŸ’€) - Visual Odometry in Rust (vors). MPL-2.0
  • image-ssd (πŸ₯‰6 Β· ⭐ 4 Β· πŸ’€) - 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 Β· ⭐ 16K Β· πŸ“‰) - A high-performance observability data pipeline. MPL-2.0
  • GitHub (πŸ‘¨β€πŸ’» 400 Β· πŸ”€ 1.4K Β· πŸ“₯ 1.4M Β· πŸ“‹ 7.3K - 22% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/timberio/vector
    
rayon (πŸ₯‡24 Β· ⭐ 10K) - Rayon: A data parallelism library for Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 150 Β· πŸ”€ 460 Β· πŸ“¦ 210K Β· πŸ“‹ 540 - 30% open Β· ⏱️ 26.03.2024):

     git clone https://github.com/rayon-rs/rayon
    
arrow-rs (πŸ₯‡24 Β· ⭐ 2.1K) - Official Rust implementation of Apache Arrow. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 500 Β· πŸ”€ 600 Β· πŸ“¦ 6.4K Β· πŸ“‹ 2.3K - 12% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/apache/arrow-rs
    
rust-csv (πŸ₯‡24 Β· ⭐ 1.6K) - A CSV parser for Rust, with Serde support. Unlicense
  • GitHub (πŸ‘¨β€πŸ’» 53 Β· πŸ”€ 200 Β· πŸ“¦ 78K Β· πŸ“‹ 220 - 24% open Β· ⏱️ 10.10.2023):

     git clone https://github.com/BurntSushi/rust-csv
    
arrow-datafusion (πŸ₯ˆ23 Β· ⭐ 4.9K) - Apache Arrow DataFusion SQL Query Engine. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 560 Β· πŸ”€ 880 Β· πŸ“¦ 2.4K Β· πŸ“‹ 4.1K - 22% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/apache/arrow-datafusion
    
lance (πŸ₯ˆ22 Β· ⭐ 3.2K Β· πŸ“ˆ) - Modern columnar data format for ML and LLMs implemented in Rust... Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 50 Β· πŸ”€ 160 Β· πŸ“¦ 980 Β· πŸ“‹ 740 - 36% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/eto-ai/lance
    
synth (πŸ₯ˆ22 Β· ⭐ 1.3K) - The Declarative Data Generator. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 31 Β· πŸ”€ 97 Β· πŸ“₯ 10K Β· πŸ“¦ 110 Β· πŸ“‹ 160 - 50% open Β· ⏱️ 25.02.2024):

     git clone https://github.com/openquery-io/synth
    
polars (πŸ₯ˆ21 Β· ⭐ 26K) - Dataframes powered by a multithreaded, vectorized query engine, written in.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 390 Β· πŸ”€ 1.5K Β· πŸ“₯ 500 Β· πŸ“¦ 4 Β· πŸ“‹ 7K - 20% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/ritchie46/polars
    
delta-rs (πŸ₯ˆ21 Β· ⭐ 1.8K) - A native Rust library for Delta Lake, with bindings into Python. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 150 Β· πŸ”€ 330 Β· πŸ“¦ 470 Β· πŸ“‹ 900 - 24% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/delta-io/delta-rs
    
fst (πŸ₯‰20 Β· ⭐ 1.7K Β· πŸ“‰) - Represent large sets and maps compactly with finite state transducers. Unlicense
  • GitHub (πŸ‘¨β€πŸ’» 25 Β· πŸ”€ 110 Β· πŸ“¦ 11K Β· πŸ“‹ 85 - 29% open Β· ⏱️ 06.10.2023):

     git clone https://github.com/BurntSushi/fst
    
arrow (πŸ₯‰19 Β· ⭐ 13K) - Apache Arrow is a multi-language toolbox for accelerated data.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 1.2K Β· πŸ”€ 3.1K Β· πŸ“¦ 7 Β· πŸ“‹ 24K - 17% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/apache/arrow
    
arroyo (πŸ₯‰18 Β· ⭐ 3.2K) - Distributed stream processing engine in Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 14 Β· πŸ”€ 170 Β· πŸ“‹ 110 - 35% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/ArroyoSystems/arroyo
    
redb (πŸ₯‰18 Β· ⭐ 2.8K) - An embedded key-value database in pure Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 20 Β· πŸ”€ 120 Β· πŸ“‹ 260 - 2% open Β· ⏱️ 22.03.2024):

     git clone https://github.com/cberner/redb
    
kafka-delta-ingest (πŸ₯‰11 Β· ⭐ 310) - A highly efficient daemon for streaming data from Kafka.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 10 Β· πŸ”€ 60 Β· πŸ“‹ 56 - 39% open Β· ⏱️ 09.01.2024):

     git clone https://github.com/delta-io/kafka-delta-ingest
    
Show 7 hidden projects...
  • datafuse (πŸ₯‰19 Β· ⭐ 7.1K) - , & . Modern alternative to Snowflake. Cost-effective and.. ❗Unlicensed
  • datafrog (πŸ₯‰17 Β· ⭐ 780 Β· πŸ’€) - 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
  • flaco (πŸ₯‰8 Β· ⭐ 14 Β· πŸ’€) - (PoC) A very memory-efficient way to read data from PostgreSQL. Unlicense
  • tch-serde (πŸ₯‰8 Β· ⭐ 4 Β· πŸ’€) - Serialize/Deserialize tch-rs types with serde. MIT
  • NewsAggregator (πŸ₯‰7 Β· ⭐ 8 Β· πŸ’€) - 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 Β· ⭐ 2.6K) - Graph data structure library for Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 110 Β· πŸ”€ 300 Β· πŸ“¦ 110K Β· πŸ“‹ 290 - 47% open Β· ⏱️ 01.04.2024):

     git clone https://github.com/petgraph/petgraph
    
Raphtory (πŸ₯ˆ18 Β· ⭐ 270) - Blazingly fast, vectorised, parallel, and scalable temporal graph.. ❗️GPL-3.0
  • GitHub (πŸ‘¨β€πŸ’» 27 Β· πŸ”€ 53 Β· πŸ“₯ 240 Β· πŸ“¦ 7 Β· πŸ“‹ 400 - 20% open Β· ⏱️ 27.03.2024):

     git clone https://github.com/Pometry/Raphtory
    
GraphScope (πŸ₯‰17 Β· ⭐ 3.1K) - GraphScope: A One-Stop Large-Scale Graph Computing System from.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 62 Β· πŸ”€ 380 Β· πŸ“₯ 130 Β· πŸ“‹ 1.4K - 22% open Β· ⏱️ 02.04.2024):

     git clone https://github.com/alibaba/GraphScope
    
Show 3 hidden projects...
  • graph-rs (πŸ₯ˆ18 Β· ⭐ 97) - Microsoft Graph API client writen in Rust. MIT
  • graphlib (πŸ₯‰15 Β· ⭐ 190 Β· πŸ’€) - Simple but powerful graph library for Rust. MIT
  • propagon (πŸ₯‰4 Β· ⭐ 7 Β· πŸ’€) - 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 Β· ⭐ 9 Β· πŸ’€) - Evaluation metrics for machine learning. ❗Unlicensed

MLOps

Back to top

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

mosec (πŸ₯‡17 Β· ⭐ 700) - A high-performance ML model serving framework, offers dynamic batching.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 10 Β· πŸ”€ 48 Β· πŸ“¦ 43 Β· πŸ“‹ 93 - 12% open Β· ⏱️ 30.03.2024):

     git clone https://github.com/mosecorg/mosec
    
Show 1 hidden projects...
  • h2o-kubernetes (πŸ₯‰7 Β· ⭐ 20 Β· πŸ’€) - H2O Open Source Kubernetes operator and a command-line.. Apache-2

Applications

Back to top

ML, NLP, or relevant applications.

MeiliSearch (πŸ₯‡24 Β· ⭐ 43K) - A lightning-fast search API that fits effortlessly into your apps,.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 190 Β· πŸ”€ 1.6K Β· πŸ“₯ 210K Β· πŸ“‹ 1.8K - 7% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/meilisearch/MeiliSearch
    
qdrant (πŸ₯‡24 Β· ⭐ 18K) - Qdrant - High-performance, massive-scale Vector Database for the next.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 98 Β· πŸ”€ 1.1K Β· πŸ“₯ 21K Β· πŸ“‹ 1K - 18% open Β· ⏱️ 01.04.2024):

     git clone https://github.com/qdrant/qdrant
    
ChatGPT (πŸ₯ˆ22 Β· ⭐ 47K) - ChatGPT Desktop Application (Mac, Windows and Linux). ❗️AGPL-3.0
  • GitHub (πŸ‘¨β€πŸ’» 32 Β· πŸ”€ 5.3K Β· πŸ“₯ 4.8M Β· πŸ“‹ 910 - 64% open Β· ⏱️ 11.03.2024):

     git clone https://github.com/lencx/ChatGPT
    
sonic (πŸ₯ˆ22 Β· ⭐ 19K) - Fast, lightweight & schema-less search backend. An alternative to.. MPL-2.0
  • GitHub (πŸ‘¨β€πŸ’» 41 Β· πŸ”€ 540 Β· πŸ“₯ 230 Β· πŸ“¦ 21 Β· πŸ“‹ 260 - 22% open Β· ⏱️ 14.12.2023):

     git clone https://github.com/valeriansaliou/sonic
    
tantivy (πŸ₯ˆ21 Β· ⭐ 9.8K) - Tantivy is a full-text search engine library inspired by Apache Lucene.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 140 Β· πŸ”€ 560 Β· πŸ“¦ 1.4K Β· πŸ“‹ 940 - 27% open Β· ⏱️ 21.03.2024):

     git clone https://github.com/tantivy-search/tantivy
    
weggli (πŸ₯‰17 Β· ⭐ 2.3K) - weggli is a fast and robust semantic search tool for C and C++.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 10 Β· πŸ”€ 120 Β· πŸ“¦ 86 Β· πŸ“‹ 65 - 56% open Β· ⏱️ 16.01.2024):

     git clone https://github.com/googleprojectzero/weggli
    
LlamaEdge (πŸ₯‰17 Β· ⭐ 510 Β· 🐣) - The easiest & fastest way to run customized and fine-tuned.. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 7 Β· πŸ”€ 50 Β· πŸ“₯ 4.1K Β· πŸ“¦ 9 Β· πŸ“‹ 75 - 29% open Β· ⏱️ 03.04.2024):

     git clone https://github.com/LlamaEdge/LlamaEdge
    
milli (πŸ₯‰17 Β· ⭐ 460 Β· πŸ’€) - Search engine library for Meilisearch. MIT
  • GitHub (πŸ‘¨β€πŸ’» 41 Β· πŸ”€ 82 Β· πŸ“¦ 520 Β· ⏱️ 04.04.2023):

     git clone https://github.com/meilisearch/milli
    
lnx (πŸ₯‰15 Β· ⭐ 1.1K) - Insanely fast, Feature-rich searching. lnx is the adaptable, typo tollerant.. MIT
  • GitHub (πŸ‘¨β€πŸ’» 8 Β· πŸ”€ 43 Β· πŸ“‹ 73 - 46% open Β· ⏱️ 30.01.2024):

     git clone https://github.com/lnx-search/lnx
    
Toshi (πŸ₯‰13 Β· ⭐ 4.1K) - A full-text search engine in rust. MIT
  • GitHub (πŸ‘¨β€πŸ’» 19 Β· πŸ”€ 130 Β· πŸ“‹ 120 - 10% open Β· ⏱️ 12.10.2023):

     git clone https://github.com/toshi-search/Toshi
    
voy (πŸ₯‰12 Β· ⭐ 690 Β· πŸ’€) - A WASM vector similarity search written in Rust. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 2 Β· πŸ”€ 26 Β· πŸ“¦ 67 Β· πŸ“‹ 41 - 48% open Β· ⏱️ 20.09.2023):

     git clone https://github.com/tantaraio/voy
    
Show 9 hidden projects...
  • bloop (πŸ₯ˆ19 Β· ⭐ 8.5K) - bloop is a fast code search engine written in Rust. ❗Unlicensed
  • quickwit (πŸ₯ˆ19 Β· ⭐ 5.8K) - Cloud-native search engine for observability. An open-source.. ❗Unlicensed
  • zombodb (πŸ₯ˆ18 Β· ⭐ 4.6K Β· πŸ“‰) - Making Postgres and Elasticsearch work together like it's.. ❗Unlicensed
  • chat-ai-desktop (πŸ₯ˆ18 Β· ⭐ 1.9K Β· πŸ’€) - Unofficial ChatGPT desktop app for Mac & Windows menubar.. MIT
  • bayard (πŸ₯‰15 Β· ⭐ 1.8K Β· πŸ’€) - A full-text search and indexing server written in Rust. MIT
  • erdos (πŸ₯‰15 Β· ⭐ 190 Β· πŸ’€) - Dataflow system for building self-driving car and robotics.. Apache-2
  • hora-hora (πŸ₯‰13 Β· ⭐ 2.5K Β· πŸ’€) - efficient approximate nearest neighbor search algorithm.. Apache-2
  • opentau (πŸ₯‰8 Β· ⭐ 88) - Using Large Language Models for Gradual Type Inference. Apache-2
  • llamacord (πŸ₯‰7 Β· ⭐ 87 Β· πŸ’€) - 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 Β· ⭐ 2.8K Β· πŸ’€) - Ecosystem of libraries and tools for writing and executing.. Apache-2
  • zkml (πŸ₯‰8 Β· ⭐ 320 Β· πŸ’€) - Apache-2

Others

Back to top

Oxen (πŸ₯‡14 Β· ⭐ 140 Β· βž•) - Oxen.ai's core rust library, server, and CLI. Apache-2
  • GitHub (πŸ‘¨β€πŸ’» 11 Β· πŸ”€ 7 Β· πŸ“₯ 2.8K Β· πŸ“¦ 1 Β· πŸ“‹ 20 - 25% open Β· ⏱️ 01.04.2024):

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

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