diff --git a/README.md b/README.md index 4d57655..43122f0 100644 --- a/README.md +++ b/README.md @@ -15,16 +15,16 @@

-This curated list contains 160 awesome open-source projects with a total of 88K stars grouped into 7 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! +This curated list contains 160 awesome open-source projects with a total of 90K stars grouped into 7 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) _77 projects_ +- [Machine Learning Frameworks](#machine-learning-frameworks) _78 projects_ - [Text Data & NLP](#text-data--nlp) _52 projects_ - [Image Data](#image-data) _10 projects_ -- [Data Loading & Extraction](#data-loading--extraction) _14 projects_ +- [Data Loading & Extraction](#data-loading--extraction) _15 projects_ - [Graph Data](#graph-data) _4 projects_ - [Model Interpretability](#model-interpretability) _1 projects_ - [MLOps](#mlops) _1 projects_ @@ -54,17 +54,17 @@ This curated list contains 160 awesome open-source projects with a total of 88K _General-purpose machine learning and deep learning frameworks._ -
rusoto (🥇19 · ⭐ 2.4K · 📉) - AWS SDK for Rust. MIT +
rusoto (🥇19 · ⭐ 2.4K) - AWS SDK for Rust. MIT -- [GitHub](https://github.com/rusoto/rusoto) (👨‍💻 180 · 🔀 370 · 📋 870 - 22% open · ⏱️ 12.07.2021): +- [GitHub](https://github.com/rusoto/rusoto) (👨‍💻 180 · 🔀 380 · 📋 880 - 22% open · ⏱️ 26.07.2021): ``` git clone https://github.com/rusoto/rusoto ```
-
tvm (🥇18 · ⭐ 6.9K) - Open deep learning compiler stack for cpu, gpu and specialized.. Apache-2 +
tvm (🥇18 · ⭐ 7K) - Open deep learning compiler stack for cpu, gpu and specialized.. Apache-2 -- [GitHub](https://github.com/apache/tvm) (👨‍💻 590 · 🔀 2K · 📥 640 · 📋 1.9K - 8% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/apache/tvm) (👨‍💻 600 · 🔀 2K · 📥 670 · 📋 1.9K - 8% open · ⏱️ 02.08.2021): ``` git clone https://github.com/apache/tvm @@ -72,15 +72,15 @@ _General-purpose machine learning and deep learning frameworks._
nalgebra (🥇17 · ⭐ 2.2K) - Linear algebra library for Rust. Apache-2 -- [GitHub](https://github.com/dimforge/nalgebra) (👨‍💻 140 · 🔀 270 · 📋 470 - 37% open · ⏱️ 11.07.2021): +- [GitHub](https://github.com/dimforge/nalgebra) (👨‍💻 140 · 🔀 270 · 📋 480 - 37% open · ⏱️ 01.08.2021): ``` git clone https://github.com/dimforge/nalgebra ```
-
statrs (🥇17 · ⭐ 260 · 📈) - Statistical computation library for Rust. MIT +
statrs (🥇17 · ⭐ 260) - Statistical computation library for Rust. MIT -- [GitHub](https://github.com/statrs-dev/statrs) (👨‍💻 21 · 🔀 34 · 📋 94 - 20% open · ⏱️ 13.07.2021): +- [GitHub](https://github.com/statrs-dev/statrs) (👨‍💻 21 · 🔀 35 · 📋 94 - 20% open · ⏱️ 13.07.2021): ``` git clone https://github.com/boxtown/statrs @@ -102,49 +102,49 @@ _General-purpose machine learning and deep learning frameworks._ git clone https://github.com/granne/granne ```
-
ballista (🥇15 · ⭐ 2.2K · 📉) - Distributed compute platform implemented in Rust, and powered.. Apache-2 +
rust-numpy (🥇15 · ⭐ 490) - PyO3-based Rust binding of NumPy C-API. BSD-2 -- [GitHub](https://github.com/ballista-compute/ballista) (👨‍💻 37 · 🔀 140 · ⏱️ 20.04.2021): +- [GitHub](https://github.com/PyO3/rust-numpy) (👨‍💻 30 · 🔀 64 · 📋 66 - 18% open · ⏱️ 15.07.2021): ``` - git clone https://github.com/ballista-compute/ballista + git clone https://github.com/PyO3/rust-numpy ```
-
rust-numpy (🥇15 · ⭐ 480) - PyO3-based Rust binding of NumPy C-API. BSD-2 +
xaynet (🥇15 · ⭐ 140) - Xaynet represents an agnostic Federated Machine Learning framework to.. Apache-2 -- [GitHub](https://github.com/PyO3/rust-numpy) (👨‍💻 30 · 🔀 64 · 📋 66 - 18% open · ⏱️ 15.07.2021): +- [GitHub](https://github.com/xaynetwork/xaynet) (👨‍💻 28 · 🔀 18 · 📋 30 - 10% open · ⏱️ 02.08.2021): ``` - git clone https://github.com/PyO3/rust-numpy + git clone https://github.com/xaynetwork/xaynet ```
-
xaynet (🥇15 · ⭐ 140 · 📉) - Xaynet represents an agnostic Federated Machine Learning framework.. Apache-2 +
ballista (🥈14 · ⭐ 2.2K · 📉) - Distributed compute platform implemented in Rust, and powered.. Apache-2 -- [GitHub](https://github.com/xaynetwork/xaynet) (👨‍💻 28 · 🔀 18 · 📋 30 - 10% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/ballista-compute/ballista) (👨‍💻 37 · 🔀 140 · ⏱️ 20.04.2021): ``` - git clone https://github.com/xaynetwork/xaynet + git clone https://github.com/ballista-compute/ballista ```
-
azure-sdk-for-rust (🥈13 · ⭐ 130) - This repository is for active development of the.. MIT +
rust-autograd (🥈13 · ⭐ 320 · 📈) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT -- [GitHub](https://github.com/Azure/azure-sdk-for-rust) (👨‍💻 58 · 🔀 58 · 📋 140 - 41% open · ⏱️ 06.07.2021): +- [GitHub](https://github.com/raskr/rust-autograd) (👨‍💻 12 · 🔀 22 · 📋 26 - 15% open · ⏱️ 25.07.2021): ``` - git clone https://github.com/Azure/azure-sdk-for-rust + git clone https://github.com/raskr/rust-autograd ```
-
rust-autograd (🥈12 · ⭐ 310 · 📉) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT +
azure-sdk-for-rust (🥈11 · ⭐ 140 · 📉) - This repository is for active development of the.. MIT -- [GitHub](https://github.com/raskr/rust-autograd) (👨‍💻 11 · 🔀 21 · 📋 26 - 15% open · ⏱️ 16.04.2021): +- [GitHub](https://github.com/Azure/azure-sdk-for-rust) (👨‍💻 59 · 🔀 62 · 📋 140 - 40% open · ⏱️ 28.07.2021): ``` - git clone https://github.com/raskr/rust-autograd + git clone https://github.com/Azure/azure-sdk-for-rust ```
smartcore (🥉10 · ⭐ 160) - SmartCore is a comprehensive library for machine learning and.. Apache-2 -- [GitHub](https://github.com/smartcorelib/smartcore) (👨‍💻 14 · 🔀 17 · 📋 44 - 56% open · ⏱️ 29.04.2021): +- [GitHub](https://github.com/smartcorelib/smartcore) (👨‍💻 14 · 🔀 18 · 📋 44 - 56% open · ⏱️ 29.04.2021): ``` git clone https://github.com/smartcorelib/smartcore @@ -166,67 +166,68 @@ _General-purpose machine learning and deep learning frameworks._ git clone https://github.com/vertexclique/orkhon ```
-
Show 63 hidden projects... +
Show 64 hidden projects... - weld (🥇16 · ⭐ 2.6K · 💀) - High-performance runtime for data analytics applications. BSD-3 - tract (🥇15 · ⭐ 1K) - Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference. ❗Unlicensed - linfa (🥈14 · ⭐ 1.1K) - A Rust machine learning framework. ❗Unlicensed -- rain (🥈14 · ⭐ 650 · 💀) - Framework for large distributed pipelines. MIT -- rustlearn (🥈14 · ⭐ 490 · 💀) - Machine learning crate for Rust. Apache-2 +- rain (🥈14 · ⭐ 660 · 💀) - Framework for large distributed pipelines. MIT +- rustlearn (🥈14 · ⭐ 500 · 💀) - Machine learning crate for Rust. Apache-2 - cleora (🥈14 · ⭐ 330) - Cleora AI is a general-purpose model for efficient, scalable.. ❗Unlicensed - rusty-machine (🥈13 · ⭐ 1.2K · 💀) - Machine Learning library for Rust. MIT -- tch-rs (🥈13 · ⭐ 1.1K) - Rust bindings for the C++ api of PyTorch. ❗Unlicensed +- tch-rs (🥈13 · ⭐ 1.2K) - Rust bindings for the C++ api of PyTorch. ❗Unlicensed - juice (🥈13 · ⭐ 790) - The Hacker's Machine Learning Engine. ❗Unlicensed - leaf (🥈12 · ⭐ 5.5K · 💀) - Open Machine Intelligence Framework for Hackers. (GPU/CPU). ❗Unlicensed - evcxr (🥈12 · ⭐ 2.6K) - Apache-2 -- Enzyme (🥈12 · ⭐ 500) - High-performance automatic differentiation of LLVM. ❗Unlicensed +- Enzyme (🥈12 · ⭐ 510) - High-performance automatic differentiation of LLVM. ❗Unlicensed - sprs (🥈12 · ⭐ 250) - sparse linear algebra library for rust. ❗Unlicensed - gap_statistic (🥈12 · ⭐ 100) - Dynamically get the suggested clusters in the data for.. ❗Unlicensed -- faiss-rs (🥈12 · ⭐ 44) - Rust language bindings for Faiss. ❗Unlicensed +- faiss-rs (🥈12 · ⭐ 46) - Rust language bindings for Faiss. ❗Unlicensed - pyrus-cramjam (🥈12 · ⭐ 23) - Thin Python wrapper to de/compression algorithms in Rust -.. MIT - argmin (🥈11 · ⭐ 300) - Mathematical optimization in pure Rust. ❗Unlicensed -- Peroxide (🥈11 · ⭐ 220) - Rust numeric library with R, MATLAB & Python syntax. ❗Unlicensed - rsrl (🥈11 · ⭐ 100 · 💀) - A fast, safe and easy to use reinforcement learning framework in Rust. MIT -- gym-rs (🥈11 · ⭐ 33 · 💤) - OpenAI Gym bindings for Rust. MIT +- gym-rs (🥈11 · ⭐ 33 · 💀) - OpenAI Gym bindings for Rust. MIT +- black-jack (🥈11 · ⭐ 26 · 📈) - DataFrame / Series data processing in Rust. ❗️GPL-3.0 - RustNN (🥉10 · ⭐ 300 · 💀) - A neural network crate. Apache-2 +- Peroxide (🥉10 · ⭐ 230 · 📉) - Rust numeric library with R, MATLAB & Python syntax. ❗Unlicensed - deeplearn-rs (🥉10 · ⭐ 190 · 💀) - Neural networks in Rust. MIT - torchrs (🥉10 · ⭐ 75 · 💀) - Deep Learning in Rust with the PyTorch API. BSD-2 - ffsvm-rust (🥉10 · ⭐ 43 · 💀) - FFSVM stands for Really Fast Support Vector Machine. MIT -- black-jack (🥉10 · ⭐ 26) - DataFrame / Series data processing in Rust. ❗️GPL-3.0 -- kdtree-rs (🥉9 · ⭐ 110) - K-dimensional tree in Rust for fast geospatial indexing and.. ❗Unlicensed +- neuronika (🥉9 · ⭐ 430 · 🐣) - Tensors and dynamic neural networks in pure Rust. MPL-2.0 - alumina (🥉9 · ⭐ 83) - A deep learning library for rust. ❗Unlicensed -- tractjs (🥉9 · ⭐ 54) - Run ONNX and TensorFlow inference in the browser. ❗Unlicensed +- tractjs (🥉9 · ⭐ 55) - Run ONNX and TensorFlow inference in the browser. ❗Unlicensed - NeuroFlow (🥉9 · ⭐ 53 · 💀) - Awesome deep learning crate. MIT - rustml (🥉9 · ⭐ 46 · 💀) - Machine learning in Rust. ❗Unlicensed - tflite-rs (🥉9 · ⭐ 44) - ❗Unlicensed - rurel (🥉9 · ⭐ 31) - Flexible, reusable reinforcement learning (Q learning) implementation in.. MPL-2.0 -- RusticSOM (🥉9 · ⭐ 21 · 💤) - Rust library for Self Organising Maps (SOM). MIT -- rustdef (🥉9 · ⭐ 13) - Jupyter extension for rust. MIT -- neuronika (🥉8 · ⭐ 420 · 🐣) - Tensors and dynamic neural networks in pure Rust. MPL-2.0 +- RusticSOM (🥉9 · ⭐ 22 · 💤) - Rust library for Self Organising Maps (SOM). MIT +- rustdef (🥉9 · ⭐ 14) - Jupyter extension for rust. MIT +- hora (🥉8 · ⭐ 260 · 🐣) - efficient approximate nearest neighbor search algorithm collections.. Apache-2 +- kdtree-rs (🥉8 · ⭐ 110) - K-dimensional tree in Rust for fast geospatial indexing and.. ❗Unlicensed - hal (🥉8 · ⭐ 79 · 💀) - Rust based Cross-GPU Machine Learning. MIT -- hnsw (🥉8 · ⭐ 63) - HNSW ANN from the paper Efficient and robust approximate nearest neighbor search.. MIT +- hnsw (🥉8 · ⭐ 66) - HNSW ANN from the paper Efficient and robust approximate nearest neighbor search.. MIT - kodama (🥉8 · ⭐ 52 · 💤) - Fast hierarchical agglomerative clustering in Rust. MIT -- rstats (🥉8 · ⭐ 2 · 📈) - Rust Statistics and Vector Algebra Library. Apache-2 +- bhtsne (🥉8 · ⭐ 21) - Barnes-Hut t-SNE implementation written in Rust. MIT +- rstats (🥉8 · ⭐ 2) - Rust Statistics and Vector Algebra Library. Apache-2 - autograph (🥉7 · ⭐ 120) - Machine Learning Library for Rust. ❗Unlicensed -- gamma (🥉7 · ⭐ 110) - A graph library for Rust. ❗Unlicensed -- fwumious_wabbit (🥉7 · ⭐ 100) - Fwumious Wabbit, fast on-line machine learning toolkit.. ❗Unlicensed +- gamma (🥉7 · ⭐ 110 · 💤) - A graph library for Rust. ❗Unlicensed - instant-distance (🥉7 · ⭐ 100) - Fast approximate nearest neighbor searching in Rust,.. ❗Unlicensed -- bhtsne (🥉7 · ⭐ 21) - Barnes-Hut t-SNE implementation written in Rust. MIT +- fwumious_wabbit (🥉7 · ⭐ 100) - Fwumious Wabbit, fast on-line machine learning toolkit.. ❗Unlicensed - rust-dl-webserver (🥉7 · ⭐ 18) - Example of serving deep learning models in Rust with.. ❗Unlicensed -- crfsuite-rs (🥉7 · ⭐ 16) - Rust binding to crfsuite. MIT +- crfsuite-rs (🥉7 · ⭐ 16 · 💤) - Rust binding to crfsuite. MIT - craftml-rs (🥉7 · ⭐ 12 · 💀) - A Rust implementation of CRAFTML, an Efficient Clustering-based.. MIT - drug (🥉7 · ⭐ 10 · 💀) - Differentiable Rust Graphs (neural network library). MIT - ngt-rs (🥉7 · ⭐ 10) - Rust wrappers for NGT approximate nearest neighbor search. Apache-2 - hwt (🥉7 · ⭐ 6 · 💀) - Hamming Weight Tree from the paper Online Nearest Neighbor Search in Hamming.. MIT - liblinear-rs (🥉7 · ⭐ 5 · 💀) - Rust language bindings for the LIBLINEAR C/C++ library. MIT - petal-clustering (🥉7 · ⭐ 5) - DBSCAN and OPTICS clustering algorithms. Apache-2 -- batched-fn (🥉7 · ⭐ 4) - Rust middleware for serving deep learning models with batched.. Apache-2 - prophet (🥉6 · ⭐ 39 · 💀) - A simple neural net implementation. ❗Unlicensed - cogent (🥉6 · ⭐ 28) - Simple neural network library for classification written in Rust. ❗Unlicensed - vpsearch (🥉6 · ⭐ 26 · 💤) - C library for finding nearest (most similar) element in a set. ❗Unlicensed - revonet (🥉6 · ⭐ 17 · 💀) - Rust implementation of real-coded GA for solving optimization.. ❗️GPL-3.0 - fann-rs (🥉6 · ⭐ 11 · 💀) - Rust wrapper for the Fast Artificial Neural Network library. ❗️LGPL-3.0 - bayespam (🥉6 · ⭐ 5 · 💤) - A simple bayesian spam classifier written in Rust. MIT +- batched-fn (🥉6 · ⭐ 4) - Rust middleware for serving deep learning models with batched.. Apache-2 - reductive (🥉6) - Vector quantization. Apache-2 - mushin (🥉5 · ⭐ 190 · 🐣) - Compile-time creation of neural networks. ❗Unlicensed - cntk-rs (🥉5 · ⭐ 20 · 💀) - Wrapper around Microsoft CNTK library. ❗Unlicensed @@ -242,37 +243,37 @@ _Libraries for processing, cleaning, manipulating, and analyzing text data as we
tokenizers (🥇21 · ⭐ 4.7K) - Fast State-of-the-Art Tokenizers optimized for Research and.. Apache-2 -- [GitHub](https://github.com/huggingface/tokenizers) (👨‍💻 40 · 🔀 360 · 📦 35 · 📋 470 - 25% open · ⏱️ 24.05.2021): +- [GitHub](https://github.com/huggingface/tokenizers) (👨‍💻 40 · 🔀 370 · 📦 35 · 📋 480 - 25% open · ⏱️ 21.07.2021): ``` git clone https://github.com/huggingface/tokenizers ```
-
grex (🥇17 · ⭐ 4.1K) - A command-line tool and library for generating regular expressions from.. Apache-2 +
grex (🥇17 · ⭐ 4.2K) - A command-line tool and library for generating regular expressions from.. Apache-2 -- [GitHub](https://github.com/pemistahl/grex) (👨‍💻 4 · 🔀 89 · 📥 4.4K · 📋 32 - 12% open · ⏱️ 31.05.2021): +- [GitHub](https://github.com/pemistahl/grex) (👨‍💻 5 · 🔀 94 · 📥 4.6K · 📋 33 - 15% open · ⏱️ 22.07.2021): ``` git clone https://github.com/pemistahl/grex ```
-
whatlang-rs (🥇15 · ⭐ 600) - Natural language detection library for Rust. Try demo online:.. MIT +
whatlang-rs (🥇15 · ⭐ 610) - Natural language detection library for Rust. Try demo online:.. MIT -- [GitHub](https://github.com/greyblake/whatlang-rs) (👨‍💻 15 · 🔀 31 · 📋 41 - 7% open · ⏱️ 13.07.2021): +- [GitHub](https://github.com/greyblake/whatlang-rs) (👨‍💻 15 · 🔀 32 · 📋 41 - 7% open · ⏱️ 28.07.2021): ``` git clone https://github.com/greyblake/whatlang-rs ```
-
rust-bert (🥇13 · ⭐ 650) - Rust native ready-to-use NLP pipelines and transformer-based.. Apache-2 +
rust-bert (🥇13 · ⭐ 660) - Rust native ready-to-use NLP pipelines and transformer-based.. Apache-2 -- [GitHub](https://github.com/guillaume-be/rust-bert) (👨‍💻 11 · 🔀 44 · 📋 54 - 20% open · ⏱️ 15.07.2021): +- [GitHub](https://github.com/guillaume-be/rust-bert) (👨‍💻 11 · 🔀 44 · 📋 54 - 18% open · ⏱️ 30.07.2021): ``` git clone https://github.com/guillaume-be/rust-bert ```
-
lingua-rs (🥇13 · ⭐ 290) - The most accurate natural language detection library in the Rust.. Apache-2 +
lingua-rs (🥇13 · ⭐ 300) - The most accurate natural language detection library in the Rust.. Apache-2 - [GitHub](https://github.com/pemistahl/lingua-rs) (👨‍💻 3 · 🔀 7 · 📋 14 - 42% open · ⏱️ 05.07.2021): @@ -280,17 +281,17 @@ _Libraries for processing, cleaning, manipulating, and analyzing text data as we git clone https://github.com/pemistahl/lingua-rs ```
-
nnsplit (🥇13 · ⭐ 180) - Semantic text segmentation. For sentence boundary detection, compound.. MIT +
nnsplit (🥇13 · ⭐ 190) - Semantic text segmentation. For sentence boundary detection, compound.. MIT -- [GitHub](https://github.com/bminixhofer/nnsplit) (👨‍💻 4 · 🔀 11 · 📦 2 · 📋 24 - 45% open · ⏱️ 15.04.2021): +- [GitHub](https://github.com/bminixhofer/nnsplit) (👨‍💻 4 · 🔀 11 · 📦 2 · 📋 24 - 37% open · ⏱️ 23.07.2021): ``` git clone https://github.com/bminixhofer/nnsplit ```
-
lindera (🥈12 · ⭐ 110) - A morphological analysis library. MIT +
lindera (🥇13 · ⭐ 110 · 📈) - A morphological analysis library. MIT -- [GitHub](https://github.com/lindera-morphology/lindera) (👨‍💻 7 · 🔀 13 · 📋 31 - 16% open · ⏱️ 20.06.2021): +- [GitHub](https://github.com/lindera-morphology/lindera) (👨‍💻 7 · 🔀 13 · 📋 31 - 16% open · ⏱️ 30.07.2021): ``` git clone https://github.com/lindera-morphology/lindera @@ -298,7 +299,7 @@ _Libraries for processing, cleaning, manipulating, and analyzing text data as we
fancy-regex (🥈10 · ⭐ 220) - Rust library for regular expressions using fancy features like look-.. MIT -- [GitHub](https://github.com/fancy-regex/fancy-regex) (👨‍💻 14 · 🔀 15 · 📋 17 - 17% open · ⏱️ 12.07.2021): +- [GitHub](https://github.com/fancy-regex/fancy-regex) (👨‍💻 16 · 🔀 16 · 📋 19 - 10% open · ⏱️ 29.07.2021): ``` git clone https://github.com/fancy-regex/fancy-regex @@ -308,47 +309,47 @@ _Libraries for processing, cleaning, manipulating, and analyzing text data as we - nlprule (🥇14 · ⭐ 350) - A fast, low-resource Natural Language Processing and Text.. ❗Unlicensed - snips-nlu-rs (🥇14 · ⭐ 320 · 💀) - Snips NLU rust implementation. ❗Unlicensed -- tokenizations (🥇13 · ⭐ 90) - Robust and Fast tokenizations alignment library for Rust and Python.. MIT +- tokenizations (🥇13 · ⭐ 99) - Robust and Fast tokenizations alignment library for Rust and Python.. MIT - aho-corasick (🥈12 · ⭐ 470) - A fast implementation of Aho-Corasick in Rust. ❗Unlicensed -- memchr (🥈12 · ⭐ 290) - Optimized string search routines for Rust. ❗Unlicensed -- rs-natural (🥈11 · ⭐ 190 · 💀) - Natural Language Processing for Rust. MIT +- memchr (🥈12 · ⭐ 300) - Optimized string search routines for Rust. ❗Unlicensed +- rustling (🥈12 · ⭐ 65 · 💀) - Rust implementation of Duckling. ❗Unlicensed +- rs-natural (🥈11 · ⭐ 200 · 💀) - Natural Language Processing for Rust. MIT - rustling-ontology (🥈11 · ⭐ 110 · 💤) - Ontology for rustling. ❗Unlicensed -- rustling (🥈11 · ⭐ 64 · 💀) - Rust implementation of Duckling. ❗Unlicensed - snips-nlu-ontology (🥈11 · ⭐ 55 · 💀) - Ontology of Snips NLU. ❗Unlicensed - finalfusion-rust (🥈11 · ⭐ 38) - finalfusion embeddings in Rust. ❗Unlicensed -- rust-tokenizers (🥈10 · ⭐ 90) - Rust-tokenizer offers high-performance tokenizers for modern.. Apache-2 +- rust-tokenizers (🥈10 · ⭐ 93) - Rust-tokenizer offers high-performance tokenizers for modern.. Apache-2 - finalfrontier (🥈10 · ⭐ 64) - Context-sensitive word embeddings with subwords. In Rust. ❗Unlicensed -- rust-stemmers (🥈10 · ⭐ 64) - A rust implementation of some popular snowball stemming algorithms. MIT - deepfrog (🥈10 · ⭐ 15) - An NLP-suite powered by deep learning. ❗️GPL-3.0 - vtext (🥉9 · ⭐ 110 · 💀) - Simple NLP in Rust with Python bindings. Apache-2 +- rust-stemmers (🥉9 · ⭐ 65) - A rust implementation of some popular snowball stemming algorithms. MIT - dpar (🥉9 · ⭐ 40 · 💤) - Neural network transition-based dependency parser (in Rust). Apache-2 - levenshtein-automata (🥉9 · ⭐ 37) - MIT -- sticker (🥉9 · ⭐ 26) - Succeeded by SyntaxDot: https://github.com/tensordot/syntaxdot. ❗Unlicensed - rust-sbert (🥉9 · ⭐ 20 · 💤) - Rust port of sentence-transformers.. Apache-2 - gazetteer-entity-parser (🥉9 · ⭐ 14 · 💀) - Rust library for parsing and resolving entity values.. ❗Unlicensed - snips-nlu-parsers (🥉9 · ⭐ 11 · 💀) - Rust crate for entity parsing. ❗Unlicensed - fasttext-rs (🥉8 · ⭐ 29) - fastText Rust binding. ❗Unlicensed -- chr (🥉8 · ⭐ 23) - A command-line tool that gives information about Unicode characters. Apache-2 +- sticker (🥉8 · ⭐ 26) - Succeeded by SyntaxDot: https://github.com/tensordot/syntaxdot. ❗Unlicensed +- chr (🥉8 · ⭐ 23 · 💤) - A command-line tool that gives information about Unicode characters. Apache-2 - word2vec (🥉8 · ⭐ 20 · 💀) - Rust interface to word2vec. MIT - syntaxdot (🥉8 · ⭐ 19) - Neural syntax annotator, supporting sequence labeling,.. ❗Unlicensed - treebender (🥉8 · ⭐ 19) - A HDPSG-inspired symbolic natural language parser written in Rust. MIT - awabi (🥉8 · ⭐ 4) - A morphological analyzer using mecab dictionary. MIT - alpino-tokenizer (🥉8 · ⭐ 3 · 💤) - Rust wrapper for the Alpino tokenizer. Apache-2 -- rustfst (🥉7 · ⭐ 72) - Rust re-implementation of OpenFST - library for constructing,.. ❗Unlicensed +- rustfst (🥉7 · ⭐ 75) - Rust re-implementation of OpenFST - library for constructing,.. ❗Unlicensed - word2vec-rs (🥉7 · ⭐ 28) - pure rust implemention of word2vec. ❗Unlicensed - lumberjack (🥉7 · ⭐ 11 · 💀) - Read and modify constituency trees in Rust. Apache-2 -- sentencepiece (🥉7 · ⭐ 6 · 📉) - Rust binding for the sentencepiece library. ❗Unlicensed +- spm_precompiled (🥉7 · ⭐ 9) - Highly specialized crate to parse and use.. Apache-2 +- sentencepiece (🥉7 · ⭐ 6) - Rust binding for the sentencepiece library. ❗Unlicensed - rust-stop-words (🥉7 · ⭐ 3) - Common stop words in a variety of languages. MIT -- spm_precompiled (🥉6 · ⭐ 9 · 💤) - Highly specialized crate to parse and use.. Apache-2 -- seqalign (🥉6 · ⭐ 1) - Sequence alignments. Apache-2 -- deduplicate-text-datasets (🥉5 · ⭐ 29 · ➕) - Apache-2 -- rustberta-snli (🥉5 · ⭐ 13) - A Rust implementation of a RoBERTa classification model.. ❗Unlicensed +- srx (🥉6 · ⭐ 4 · 🐣) - A mostly compliant Rust implementation of the Segmentation Rules.. ❗Unlicensed +- deduplicate-text-datasets (🥉5 · ⭐ 120 · 🐣) - Apache-2 +- rustberta-snli (🥉5 · ⭐ 13 · 💤) - A Rust implementation of a RoBERTa classification.. ❗Unlicensed - blingfire-rs (🥉5 · ⭐ 12 · 💀) - Rust wrapper for the BlingFire tokenization library. MIT -- rust-tfidf (🥉5 · ⭐ 9) - ❗Unlicensed -- srx (🥉5 · ⭐ 4 · 🐣) - A mostly compliant Rust implementation of the Segmentation Rules.. ❗Unlicensed +- seqalign (🥉5 · ⭐ 1) - Sequence alignments. Apache-2 - ohnomore (🥉5) - Explorations in lemmatization. ❗Unlicensed +- rust-tfidf (🥉4 · ⭐ 9) - ❗Unlicensed - wordpieces (🥉4 · ⭐ 1) - Split tokens into word pieces. ❗Unlicensed -- aleph-alpha-tokenizer (🥉3 · ⭐ 5 · 💤) - A rustic language tokenizer library inspired by.. ❗Unlicensed +- aleph-alpha-tokenizer (🥉3 · ⭐ 5 · 💀) - A rustic language tokenizer library inspired by.. ❗Unlicensed - misspeller (🥉3 · 💤) - Take correctly spelled words and return common spelling mistakes. ❗Unlicensed

@@ -359,7 +360,7 @@ _Libraries for processing, cleaning, manipulating, and analyzing text data as we _Libraries for image & video processing, manipulation, and augmentation as well as libraries for computer vision._ -
cgmath (🥇15 · ⭐ 820) - A linear algebra and mathematics library for computer graphics. Apache-2 +
cgmath (🥇15 · ⭐ 830) - A linear algebra and mathematics library for computer graphics. Apache-2 - [GitHub](https://github.com/rustgd/cgmath) (👨‍💻 95 · 🔀 140 · 📋 170 - 30% open · ⏱️ 06.07.2021): @@ -367,7 +368,7 @@ _Libraries for image & video processing, manipulation, and augmentation as well git clone https://github.com/rustgd/cgmath ```
-
opencv-rust (🥈14 · ⭐ 690) - Rust bindings for OpenCV 3 & 4. MIT +
opencv-rust (🥈14 · ⭐ 700) - Rust bindings for OpenCV 3 & 4. MIT - [GitHub](https://github.com/twistedfall/opencv-rust) (👨‍💻 29 · 🔀 68 · 📋 200 - 6% open · ⏱️ 09.07.2021): @@ -377,27 +378,20 @@ _Libraries for image & video processing, manipulation, and augmentation as well
imageproc (🥈14 · ⭐ 370) - Image processing operations. MIT -- [GitHub](https://github.com/image-rs/imageproc) (👨‍💻 50 · 🔀 82 · 📋 140 - 37% open · ⏱️ 16.04.2021): +- [GitHub](https://github.com/image-rs/imageproc) (👨‍💻 50 · 🔀 83 · 📋 140 - 37% open · ⏱️ 16.04.2021): ``` git clone https://github.com/image-rs/imageproc ```
-
cv (🥉11 · ⭐ 140) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to encapsulate.. MIT - -- [GitHub](https://github.com/rust-cv/cv) (👨‍💻 5 · 🔀 10 · 📋 26 - 92% open · ⏱️ 18.07.2021): - - ``` - git clone https://github.com/rust-cv/cv - ``` -
-
Show 6 hidden projects... +
Show 7 hidden projects... -- texture-synthesis (🥈14 · ⭐ 1.4K) - Example-based texture synthesis written in Rust. ❗Unlicensed -- rustface (🥉13 · ⭐ 280) - Face detection library for the Rust programming language. ❗Unlicensed -- visionmagic (🥉10 · ⭐ 29) - Collection of vision & graphics algorithms. ❗Unlicensed +- texture-synthesis (🥈13 · ⭐ 1.4K · 📉) - Example-based texture synthesis written in Rust. ❗Unlicensed +- rustface (🥈13 · ⭐ 280) - Face detection library for the Rust programming language. ❗Unlicensed +- visionmagic (🥉11 · ⭐ 30 · 📈) - Collection of vision & graphics algorithms. ❗Unlicensed - visual-odometry-rs (🥉9 · ⭐ 29 · 💀) - Visual Odometry in Rust (vors). MPL-2.0 -- rust-cv-convert (🥉8 · ⭐ 11 · 🐣) - Type conversion among popular Rust computer vision libraries. MIT +- rust-cv-convert (🥉9 · ⭐ 11) - Type conversion among popular Rust computer vision libraries. MIT +- cv (🥉8 · ⭐ 150 · 📉) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to.. ❗Unlicensed - image-ssd (🥉5 · ⭐ 1 · 💤) - A Rust library for object detection via SSD MobileNet. MIT

@@ -408,54 +402,62 @@ _Libraries for image & video processing, manipulation, and augmentation as well _Libraries for loading, collecting, and extracting data from a variety of data sources and formats._ -
arrow (🥇24 · ⭐ 8.2K · 📈) - Apache Arrow is a multi-language toolbox for accelerated data.. Apache-2 +
arrow (🥇24 · ⭐ 8.2K) - Apache Arrow is a multi-language toolbox for accelerated data.. Apache-2 -- [GitHub](https://github.com/apache/arrow) (👨‍💻 700 · 🔀 1.9K · 📦 47 · ⏱️ 19.07.2021): +- [GitHub](https://github.com/apache/arrow) (👨‍💻 700 · 🔀 1.9K · 📦 50 · 📋 630 - 0% open · ⏱️ 01.08.2021): ``` git clone https://github.com/apache/arrow ```
-
vector (🥇24 · ⭐ 7.6K) - A high-performance, highly reliable, observability data pipeline. MPL-2.0 +
vector (🥇24 · ⭐ 7.7K) - A high-performance, highly reliable, observability data pipeline. MPL-2.0 -- [GitHub](https://github.com/timberio/vector) (👨‍💻 160 · 🔀 550 · 📥 52K · 📋 3.9K - 35% open · ⏱️ 16.07.2021): +- [GitHub](https://github.com/timberio/vector) (👨‍💻 160 · 🔀 560 · 📥 54K · 📋 4K - 35% open · ⏱️ 31.07.2021): ``` git clone https://github.com/timberio/vector ```
-
polars (🥈17 · ⭐ 2K) - Fast multi-threaded DataFrame library in Rust and Python. MIT +
polars (🥈17 · ⭐ 2.1K) - Fast multi-threaded DataFrame library in Rust and Python. MIT -- [GitHub](https://github.com/pola-rs/polars) (👨‍💻 34 · 🔀 110 · 📦 3 · 📋 410 - 10% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/pola-rs/polars) (👨‍💻 34 · 🔀 110 · 📦 4 · 📋 440 - 11% open · ⏱️ 02.08.2021): ``` git clone https://github.com/ritchie46/polars ```
-
datafuse (🥈17 · ⭐ 870) - A Modern Real-Time Data Processing & Analytics DBMS with Cloud-.. Apache-2 +
datafuse (🥈17 · ⭐ 970) - A Modern Real-Time Data Processing & Analytics DBMS with Cloud-.. Apache-2 -- [GitHub](https://github.com/datafuselabs/datafuse) (👨‍💻 33 · 🔀 93 · 📥 240 · 📋 400 - 34% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/datafuselabs/datafuse) (👨‍💻 36 · 🔀 110 · 📥 460 · 📋 470 - 33% open · ⏱️ 02.08.2021): ``` git clone https://github.com/datafuselabs/datafuse ```
-
synth (🥈16 · ⭐ 460 · 📈) - The Declarative Data Generator. Apache-2 +
synth (🥈16 · ⭐ 480) - The Declarative Data Generator. Apache-2 -- [GitHub](https://github.com/getsynth/synth) (👨‍💻 11 · 🔀 30 · 📥 740 · 📋 26 - 53% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/getsynth/synth) (👨‍💻 16 · 🔀 35 · 📥 780 · 📋 31 - 54% open · ⏱️ 02.08.2021): ``` git clone https://github.com/openquery-io/synth ```
-
arrow-datafusion (🥈15 · ⭐ 690 · 🐣) - Apache Arrow DataFusion and Ballista query engines. Apache-2 +
arrow-datafusion (🥈15 · ⭐ 760 · 🐣) - Apache Arrow DataFusion and Ballista query engines. Apache-2 -- [GitHub](https://github.com/apache/arrow-datafusion) (👨‍💻 230 · 🔀 97 · 📋 430 - 54% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/apache/arrow-datafusion) (👨‍💻 230 · 🔀 100 · 📋 460 - 50% open · ⏱️ 02.08.2021): ``` git clone https://github.com/apache/arrow-datafusion ```
+
arrow-rs (🥈15 · ⭐ 480 · 🐣) - Official Rust implementation of Apache Arrow. Apache-2 + +- [GitHub](https://github.com/apache/arrow-rs) (👨‍💻 260 · 🔀 89 · 📋 360 - 60% open · ⏱️ 31.07.2021): + + ``` + git clone https://github.com/apache/arrow-rs + ``` +
rust-dataframe (🥉10 · ⭐ 280 · 💤) - A Rust DataFrame implementation, built on Apache Arrow. Apache-2 - [GitHub](https://github.com/nevi-me/rust-dataframe) (👨‍💻 4 · 🔀 20 · 📋 38 - 31% open · ⏱️ 26.10.2020): @@ -466,13 +468,13 @@ _Libraries for loading, collecting, and extracting data from a variety of data s
Show 7 hidden projects... -- rayon (🥈15 · ⭐ 5.3K) - Rayon: A data parallelism library for Rust. ❗Unlicensed +- rayon (🥈15 · ⭐ 5.4K) - Rayon: A data parallelism library for Rust. ❗Unlicensed - fst (🥉13 · ⭐ 1.2K) - Represent large sets and maps compactly with finite state transducers. ❗Unlicensed - rust-csv (🥉12 · ⭐ 980) - A CSV parser for Rust, with Serde support. ❗Unlicensed - datafrog (🥉10 · ⭐ 420) - A lightweight Datalog engine in Rust. ❗Unlicensed - rust-tfrecord (🥉9 · ⭐ 14) - A Rust crate that reads and writes tfrecord files. MIT - tch-serde (🥉9 · ⭐ 3) - Serialize/Deserialize tch-rs types with serde. MIT -- NewsAggregator (🥉5 · ⭐ 1 · 🐣) - A fast, searchable news article aggregation service using.. Apache-2 +- NewsAggregator (🥉6 · ⭐ 1 · 🐣) - A fast, searchable news article aggregation service using.. Apache-2

@@ -482,26 +484,19 @@ _Libraries for loading, collecting, and extracting data from a variety of data s _Libraries for graph processing, clustering, embedding, and machine learning tasks._ -
GraphScope (🥈14 · ⭐ 850) - GraphScope: A One-Stop Large-Scale Graph Computing System from.. Apache-2 +
GraphScope (🥈14 · ⭐ 870) - GraphScope: A One-Stop Large-Scale Graph Computing System from.. Apache-2 -- [GitHub](https://github.com/alibaba/GraphScope) (👨‍💻 16 · 🔀 91 · 📋 210 - 33% open · ⏱️ 19.07.2021): +- [GitHub](https://github.com/alibaba/GraphScope) (👨‍💻 17 · 🔀 94 · 📋 240 - 34% open · ⏱️ 02.08.2021): ``` git clone https://github.com/alibaba/GraphScope ```
-
graphlib (🥉13 · ⭐ 150 · 💤) - Simple but powerful graph library for Rust. MIT - -- [GitHub](https://github.com/purpleprotocol/graphlib) (👨‍💻 11 · 🔀 11 · 📋 26 - 19% open · ⏱️ 01.07.2020): - - ``` - git clone https://github.com/purpleprotocol/graphlib - ``` -
-
Show 2 hidden projects... +
Show 3 hidden projects... - petgraph (🥇15 · ⭐ 1.4K) - Graph data structure library for Rust. ❗Unlicensed -- graph-rs (🥈14 · ⭐ 21) - Graph API client writen in Rust. MIT +- graph-rs (🥈14 · ⭐ 22) - Graph API client writen in Rust. MIT +- graphlib (🥉13 · ⭐ 150 · 💀) - Simple but powerful graph library for Rust. MIT

@@ -513,7 +508,7 @@ _Libraries to visualize, explain, debug, evaluate, and interpret machine learnin
Show 1 hidden projects... -- eval-metrics (🥇7 · ⭐ 1) - Evaluation metrics for machine learning. ❗Unlicensed +- eval-metrics (🥇6 · ⭐ 1) - Evaluation metrics for machine learning. ❗Unlicensed

@@ -525,7 +520,7 @@ _Libraries to design workflows, deploy, test, and maintain machine learning pipe
Show 1 hidden projects... -- h2o-kubernetes (🥇7 · ⭐ 13) - H2O Open Source Kubernetes operator and a command-line tool to.. Apache-2 +- h2o-kubernetes (🥇6 · ⭐ 13) - H2O Open Source Kubernetes operator and a command-line tool to.. Apache-2
--- diff --git a/history/2021-08-02_changes.md b/history/2021-08-02_changes.md new file mode 100644 index 0000000..ed4250b --- /dev/null +++ b/history/2021-08-02_changes.md @@ -0,0 +1,27 @@ +## 📈 Trending Up + +_Projects that have a higher project-quality score compared to the last update. There might be a variety of reasons, such as increased downloads or code activity._ + +- rust-autograd (🥈13 · ⭐ 320 · 📈) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT +- lindera (🥇13 · ⭐ 110 · 📈) - A morphological analysis library. MIT +- rustling (🥈12 · ⭐ 65 · 💀) - Rust implementation of Duckling. ❗Unlicensed +- visionmagic (🥉11 · ⭐ 30 · 📈) - Collection of vision & graphics algorithms. ❗Unlicensed +- black-jack (🥈11 · ⭐ 26 · 📈) - DataFrame / Series data processing in Rust. ❗️GPL-3.0 + +## 📉 Trending Down + +_Projects that have a lower project-quality score compared to the last update. There might be a variety of reasons such as decreased downloads or code activity._ + +- ballista (🥈14 · ⭐ 2.2K · 📉) - Distributed compute platform implemented in Rust, and powered.. Apache-2 +- texture-synthesis (🥈13 · ⭐ 1.4K · 📉) - Example-based texture synthesis written in Rust. ❗Unlicensed +- azure-sdk-for-rust (🥈11 · ⭐ 140 · 📉) - This repository is for active development of the.. MIT +- Peroxide (🥉10 · ⭐ 230 · 📉) - Rust numeric library with R, MATLAB & Python syntax. ❗Unlicensed +- cv (🥉8 · ⭐ 150 · 📉) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to.. ❗Unlicensed + +## ➕ Added Projects + +_Projects that were recently added to this best-of list._ + +- arrow-rs (🥈15 · ⭐ 480 · 🐣) - Official Rust implementation of Apache Arrow. Apache-2 +- hora (🥉8 · ⭐ 260 · 🐣) - efficient approximate nearest neighbor search algorithm collections.. Apache-2 + diff --git a/history/2021-08-02_projects.csv b/history/2021-08-02_projects.csv new file mode 100644 index 0000000..9b75e8c --- /dev/null +++ b/history/2021-08-02_projects.csv @@ -0,0 +1,162 @@ +,name,github_id,category,github_url,homepage,license,created_at,updated_at,last_commit_pushed_at,fork_count,open_issue_count,closed_issue_count,star_count,commit_count,description,dependent_project_count,github_dependent_project_count,contributor_count,projectrank,show,projectrank_placing,latest_stable_release_published_at,latest_stable_release_number,github_release_downloads,monthly_downloads,release_count,labels,updated_github_id,new_addition,trending +0,arrow,apache/arrow,data-loading,https://github.com/apache/arrow,https://github.com/apache/arrow,Apache-2.0,2016-02-17 08:00:23,2021-08-02 12:10:42,2021-08-01 16:14:25,1889.0,2.0,626.0,8221.0,9653.0,Apache Arrow is a multi-language toolbox for accelerated data interchange and in-memory processing.,50.0,50.0,703.0,24,True,1,,,,,,,,, +1,vector,timberio/vector,data-loading,https://github.com/timberio/vector,https://github.com/timberio/vector,MPL-2.0,2018-08-27 16:57:34,2021-08-02 07:08:47,2021-07-31 17:37:05,558.0,1427.0,2562.0,7728.0,4979.0,"A high-performance, highly reliable, observability data pipeline.",,,160.0,24,True,1,2021-07-27 22:40:09,0.15.1,54438.0,2177.0,24.0,,,, +2,tokenizers,huggingface/tokenizers,nlp,https://github.com/huggingface/tokenizers,https://github.com/huggingface/tokenizers,Apache-2.0,2019-11-01 17:52:20,2021-07-27 08:59:40,2021-07-21 07:58:38,367.0,121.0,355.0,4717.0,1464.0,Fast State-of-the-Art Tokenizers optimized for Research and Production.,35.0,35.0,40.0,21,True,1,2021-05-24 21:31:46,python-v0.10.3,,,41.0,,,, +3,rusoto,rusoto/rusoto,ml-frameworks,https://github.com/rusoto/rusoto,https://github.com/rusoto/rusoto,MIT,2015-07-15 00:22:17,2021-07-26 14:25:10,2021-07-26 14:25:10,377.0,200.0,675.0,2390.0,3167.0,AWS SDK for Rust.,,,183.0,19,True,1,2021-01-06 07:40:18,rusoto-v0.46.0,,,40.0,,,, +4,tvm,apache/tvm,ml-frameworks,https://github.com/apache/tvm,https://github.com/apache/tvm,Apache-2.0,2016-10-12 22:20:28,2021-08-02 10:52:50,2021-08-02 09:10:36,1983.0,162.0,1744.0,6988.0,,"Open deep learning compiler stack for cpu, gpu and specialized accelerators.",,,601.0,18,True,1,2020-10-02 18:30:42,0.7.0,671.0,14.0,9.0,['binding'],,, +5,grex,pemistahl/grex,nlp,https://github.com/pemistahl/grex,https://github.com/pemistahl/grex,Apache-2.0,2019-10-05 17:38:23,2021-07-25 21:49:52,2021-07-22 08:44:32,94.0,5.0,28.0,4219.0,,A command-line tool and library for generating regular expressions from user-provided test cases.,,,5.0,17,True,1,2021-03-28 22:11:03,1.2.0,4577.0,208.0,8.0,,,, +6,nalgebra,dimforge/nalgebra,ml-frameworks,https://github.com/dimforge/nalgebra,https://github.com/dimforge/nalgebra,Apache-2.0,2013-05-14 19:10:06,2021-08-01 08:29:11,2021-08-01 08:29:11,272.0,180.0,295.0,2226.0,2014.0,Linear algebra library for Rust.,,,145.0,17,True,1,,,,,,,,, +7,polars,ritchie46/polars,data-loading,https://github.com/pola-rs/polars,https://github.com/pola-rs/polars,MIT,2020-05-13 19:45:33,2021-08-02 11:07:58,2021-08-02 11:00:28,114.0,48.0,388.0,2082.0,1943.0,Fast multi-threaded DataFrame library in Rust and Python.,4.0,4.0,34.0,17,True,2,,,,,,,pola-rs/polars,, +8,datafuse,datafuselabs/datafuse,data-loading,https://github.com/datafuselabs/datafuse,https://github.com/datafuselabs/datafuse,Apache-2.0,2020-10-10 06:04:42,2021-08-02 12:15:08,2021-08-02 12:06:34,111.0,159.0,311.0,969.0,2852.0,"A Modern Real-Time Data Processing & Analytics DBMS with Cloud-Native Architecture, built to make the Data Cloud easy.",,,36.0,17,True,2,,,455.0,65.0,71.0,,,, +9,statrs,boxtown/statrs,ml-frameworks,https://github.com/statrs-dev/statrs,https://github.com/statrs-dev/statrs,MIT,2016-03-11 06:38:50,2021-07-13 15:58:06,2021-07-13 15:58:05,35.0,19.0,75.0,261.0,584.0,Statistical computation library for Rust.,,,21.0,17,True,1,2021-06-30 22:40:18,0.15.0,,,2.0,,statrs-dev/statrs,, +10,rust,tensorflow/rust,ml-frameworks,https://github.com/tensorflow/rust,https://github.com/tensorflow/rust,Apache-2.0,2016-02-05 00:32:17,2021-07-30 06:53:33,2021-07-15 05:03:53,264.0,34.0,103.0,3183.0,648.0,Rust language bindings for TensorFlow.,,,41.0,16,True,1,,,,,,['binding'],,, +11,weld,weld-project/weld,ml-frameworks,https://github.com/weld-project/weld,https://github.com/weld-project/weld,BSD-3-Clause,2016-06-13 05:00:24,2021-03-01 08:58:21,2020-04-04 20:50:54,236.0,68.0,95.0,2626.0,615.0,High-performance runtime for data analytics applications.,2.0,2.0,36.0,16,False,1,,,,,3.0,,,, +12,synth,openquery-io/synth,data-loading,https://github.com/getsynth/synth,https://github.com/getsynth/synth,Apache-2.0,2020-08-09 08:51:34,2021-08-02 10:25:44,2021-08-02 10:25:44,35.0,17.0,14.0,479.0,147.0,The Declarative Data Generator.,,,16.0,16,True,2,2021-07-15 18:20:43,0.5.3,784.0,130.0,20.0,,getsynth/synth,, +13,granne,granne/granne,ml-frameworks,https://github.com/granne/granne,https://github.com/granne/granne,MIT,2019-12-06 09:12:47,2021-06-06 12:58:39,2021-05-19 16:09:39,23.0,5.0,8.0,252.0,203.0,Graph-based Approximate Nearest Neighbor Search.,,,6.0,16,True,1,2021-06-06 12:58:39,0.5.2,,,3.0,,,, +14,rayon,rayon-rs/rayon,data-loading,https://github.com/rayon-rs/rayon,https://github.com/rayon-rs/rayon,,2014-10-02 15:38:05,2021-06-16 21:44:35,2021-05-21 17:14:09,288.0,123.0,274.0,5359.0,1767.0,Rayon: A data parallelism library for Rust.,,,116.0,15,False,2,,,,,,,,, +15,petgraph,petgraph/petgraph,graph,https://github.com/petgraph/petgraph,https://github.com/petgraph/petgraph,,2014-12-22 08:15:12,2021-08-01 02:23:36,2021-07-07 18:49:52,186.0,84.0,122.0,1397.0,1243.0,Graph data structure library for Rust.,,,83.0,15,False,1,,,,,,,,, +16,tract,sonos/tract,ml-frameworks,https://github.com/sonos/tract,https://github.com/sonos/tract,,2017-08-07 09:31:26,2021-07-31 06:23:49,2021-07-31 06:22:45,103.0,24.0,52.0,1034.0,,"Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference.",,,25.0,15,False,1,2021-07-09 08:24:17,0.15.2,2848.0,237.0,22.0,,,, +17,cgmath,rustgd/cgmath,image,https://github.com/rustgd/cgmath,https://github.com/rustgd/cgmath,Apache-2.0,2013-08-26 05:16:44,2021-07-25 14:02:15,2021-07-06 05:43:28,137.0,52.0,116.0,826.0,1572.0,A linear algebra and mathematics library for computer graphics.,,,95.0,15,True,1,,,,,,,,, +18,arrow-datafusion,apache/arrow-datafusion,data-loading,https://github.com/apache/arrow-datafusion,https://github.com/apache/arrow-datafusion,Apache-2.0,2021-04-17 15:40:23,2021-08-02 11:23:49,2021-08-02 11:23:49,105.0,233.0,224.0,759.0,3125.0,Apache Arrow DataFusion and Ballista query engines.,,,233.0,15,True,2,,,,,,,,, +19,whatlang-rs,greyblake/whatlang-rs,nlp,https://github.com/greyblake/whatlang-rs,https://github.com/greyblake/whatlang-rs,MIT,2016-11-05 21:26:51,2021-07-28 16:19:50,2021-07-28 16:19:44,32.0,3.0,38.0,606.0,490.0,Natural language detection library for Rust. Try demo online: https://whatlang.org/.,,,15.0,15,True,1,2019-03-03 16:17:34,0.7.0,,,3.0,,,, +20,rust-numpy,PyO3/rust-numpy,ml-frameworks,https://github.com/PyO3/rust-numpy,https://github.com/PyO3/rust-numpy,BSD-2-Clause,2017-04-21 06:36:48,2021-07-15 01:10:11,2021-07-15 01:07:04,64.0,12.0,54.0,488.0,,PyO3-based Rust binding of NumPy C-API.,,,30.0,15,True,1,2021-07-15 01:10:11,0.14.1,,,14.0,,,, +21,arrow-rs,apache/arrow-rs,data-loading,https://github.com/apache/arrow-rs,https://github.com/apache/arrow-rs,Apache-2.0,2021-04-17 15:40:05,2021-08-02 03:02:18,2021-07-31 15:02:20,89.0,219.0,143.0,476.0,3111.0,Official Rust implementation of Apache Arrow.,,,260.0,15,True,2,,,,,,,,True, +22,xaynet,xaynetwork/xaynet,ml-frameworks,https://github.com/xaynetwork/xaynet,https://github.com/xaynetwork/xaynet,Apache-2.0,2019-08-29 08:59:32,2021-08-02 12:01:12,2021-08-02 12:01:12,18.0,3.0,27.0,143.0,2545.0,Xaynet represents an agnostic Federated Machine Learning framework to build privacy-preserving AI applications.,,,28.0,15,True,1,2021-01-18 12:57:57,0.11.0,,,11.0,,,, +23,ballista,ballista-compute/ballista,ml-frameworks,https://github.com/ballista-compute/ballista,https://github.com/ballista-compute/ballista,Apache-2.0,2019-07-04 17:09:41,2021-04-20 00:28:06,2021-04-20 00:28:05,138.0,,251.0,2250.0,,"Distributed compute platform implemented in Rust, and powered by Apache Arrow.",,,37.0,14,True,2,2021-02-23 02:39:20,0.4.1,,,17.0,,,,-1.0 +24,linfa,rust-ml/linfa,ml-frameworks,https://github.com/rust-ml/linfa,https://github.com/rust-ml/linfa,,2018-04-05 07:03:30,2021-08-01 07:24:05,2021-08-01 07:20:58,77.0,20.0,34.0,1096.0,238.0,A Rust machine learning framework.,,,17.0,14,False,2,2021-04-28 20:49:00,0.4.0,,,5.0,,,, +25,GraphScope,alibaba/GraphScope,graph,https://github.com/alibaba/GraphScope,https://github.com/alibaba/GraphScope,Apache-2.0,2020-10-28 03:19:33,2021-08-02 11:45:57,2021-08-02 02:51:39,94.0,81.0,157.0,872.0,,GraphScope: A One-Stop Large-Scale Graph Computing System from Alibaba.,,,17.0,14,True,2,2021-06-11 07:26:46,0.5.0,,,7.0,,,, +26,opencv-rust,twistedfall/opencv-rust,image,https://github.com/twistedfall/opencv-rust,https://github.com/twistedfall/opencv-rust,MIT,2015-04-14 06:32:54,2021-07-27 14:46:12,2021-07-09 06:12:10,68.0,13.0,188.0,702.0,905.0,Rust bindings for OpenCV 3 & 4.,,,29.0,14,True,2,,,,,,['binding'],,, +27,rain,substantic/rain,ml-frameworks,https://github.com/substantic/rain,https://github.com/substantic/rain,MIT,2018-02-13 17:04:46,2018-12-16 16:29:51,2018-12-16 16:29:10,45.0,11.0,21.0,657.0,738.0,Framework for large distributed pipelines.,,,10.0,14,False,2,2018-09-05 14:54:26,0.4.0,798.0,19.0,10.0,,,, +28,rustlearn,maciejkula/rustlearn,ml-frameworks,https://github.com/maciejkula/rustlearn,https://github.com/maciejkula/rustlearn,Apache-2.0,2015-12-03 21:48:17,2021-06-07 09:09:59,2020-06-21 02:01:58,44.0,9.0,4.0,496.0,76.0,Machine learning crate for Rust.,,,9.0,14,False,2,2018-07-29 21:02:49,0.5.0,,,4.0,,,, +29,imageproc,image-rs/imageproc,image,https://github.com/image-rs/imageproc,https://github.com/image-rs/imageproc,MIT,2015-09-27 18:11:32,2021-07-22 01:46:35,2021-04-16 03:52:55,83.0,54.0,91.0,374.0,656.0,Image processing operations.,,,50.0,14,True,2,,,,,,,,, +30,nlprule,bminixhofer/nlprule,nlp,https://github.com/bminixhofer/nlprule,https://github.com/bminixhofer/nlprule,,2020-07-19 16:24:54,2021-06-07 06:26:50,2021-06-07 06:26:50,28.0,14.0,27.0,348.0,,"A fast, low-resource Natural Language Processing and Text Correction library written in Rust.",,,7.0,14,False,1,2021-04-24 09:12:56,0.6.4,2536.0,317.0,27.0,,,, +31,cleora,Synerise/cleora,ml-frameworks,https://github.com/Synerise/cleora,https://github.com/Synerise/cleora,,2020-11-05 17:16:06,2021-07-24 16:30:39,2021-07-24 16:30:27,25.0,7.0,7.0,333.0,51.0,"Cleora AI is a general-purpose model for efficient, scalable learning of stable and inductive entity embeddings for..",,,9.0,14,False,2,2021-05-14 12:58:11,1.1.1,513.0,57.0,4.0,,,, +32,snips-nlu-rs,snipsco/snips-nlu-rs,nlp,https://github.com/snipsco/snips-nlu-rs,https://github.com/snipsco/snips-nlu-rs,,2018-02-21 09:29:02,2020-01-28 16:20:20,2020-01-28 16:19:54,56.0,4.0,15.0,316.0,1583.0,Snips NLU rust implementation.,,,21.0,14,False,1,2020-01-28 16:20:20,0.65.6,,,33.0,,,, +33,graph-rs,sreeise/graph-rs,graph,https://github.com/sreeise/graph-rs,https://github.com/sreeise/graph-rs,MIT,2018-12-18 13:17:11,2021-07-19 23:01:36,2021-06-12 20:27:55,5.0,31.0,161.0,22.0,544.0,Graph API client writen in Rust.,,,3.0,14,False,2,2021-06-12 20:31:49,0.1.0,,,3.0,,,, +34,texture-synthesis,EmbarkStudios/texture-synthesis,image,https://github.com/EmbarkStudios/texture-synthesis,https://github.com/EmbarkStudios/texture-synthesis,,2019-08-26 08:06:48,2021-05-07 07:17:02,2021-05-07 07:17:01,44.0,9.0,35.0,1422.0,,Example-based texture synthesis written in Rust.,,,18.0,13,False,2,2021-03-26 11:26:35,0.8.2,2158.0,89.0,14.0,,,,-1.0 +35,rusty-machine,AtheMathmo/rusty-machine,ml-frameworks,https://github.com/AtheMathmo/rusty-machine,https://github.com/AtheMathmo/rusty-machine,MIT,2015-11-14 05:55:27,2020-07-10 17:17:37,2020-02-14 18:25:14,143.0,33.0,67.0,1175.0,532.0,Machine Learning library for Rust.,,,20.0,13,False,2,,,,,,,,, +36,fst,BurntSushi/fst,data-loading,https://github.com/BurntSushi/fst,https://github.com/BurntSushi/fst,,2015-09-05 00:25:46,2021-06-06 11:01:26,2021-06-06 11:00:42,72.0,10.0,52.0,1169.0,258.0,Represent large sets and maps compactly with finite state transducers.,,,25.0,13,False,3,,,,,,,,, +37,tch-rs,LaurentMazare/tch-rs,ml-frameworks,https://github.com/LaurentMazare/tch-rs,https://github.com/LaurentMazare/tch-rs,,2019-02-16 21:08:44,2021-07-31 05:50:51,2021-07-31 05:50:41,105.0,39.0,207.0,1152.0,577.0,Rust bindings for the C++ api of PyTorch.,,,38.0,13,False,2,,,,,,['binding'],,, +38,juice,spearow/juice,ml-frameworks,https://github.com/spearow/juice,https://github.com/spearow/juice,,2017-01-14 21:27:49,2021-06-29 10:56:47,2021-04-27 09:54:48,60.0,22.0,47.0,789.0,1386.0,The Hacker's Machine Learning Engine.,,,42.0,13,False,2,,,,,,,,, +39,rust-bert,guillaume-be/rust-bert,nlp,https://github.com/guillaume-be/rust-bert,https://github.com/guillaume-be/rust-bert,Apache-2.0,2020-01-25 09:40:07,2021-07-30 13:43:22,2021-07-30 13:43:22,44.0,10.0,44.0,665.0,858.0,"Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...).",,,11.0,13,True,1,,,,,,,,, +40,rust-autograd,raskr/rust-autograd,ml-frameworks,https://github.com/raskr/rust-autograd,https://github.com/raskr/rust-autograd,MIT,2017-09-05 14:42:39,2021-07-25 13:51:17,2021-07-25 13:51:17,22.0,4.0,22.0,316.0,347.0,Tensors and differentiable operations (like TensorFlow) in Rust.,,,12.0,13,True,2,,,,,,,,,1.0 +41,lingua-rs,pemistahl/lingua-rs,nlp,https://github.com/pemistahl/lingua-rs,https://github.com/pemistahl/lingua-rs,Apache-2.0,2020-06-17 10:47:30,2021-07-05 21:22:36,2021-07-05 21:22:33,7.0,6.0,8.0,296.0,,"The most accurate natural language detection library in the Rust ecosystem, suitable for long and short text alike.",,,3.0,13,True,1,2021-06-02 21:24:47,1.2.2,,,8.0,,,, +42,rustface,atomashpolskiy/rustface,image,https://github.com/atomashpolskiy/rustface,https://github.com/atomashpolskiy/rustface,,2017-12-21 20:24:40,2021-06-25 12:28:57,2021-06-25 12:28:50,22.0,5.0,16.0,280.0,174.0,Face detection library for the Rust programming language.,,,7.0,13,False,2,2020-11-02 08:22:28,0.1.6,,,3.0,,,, +43,nnsplit,bminixhofer/nnsplit,nlp,https://github.com/bminixhofer/nnsplit,https://github.com/bminixhofer/nnsplit,MIT,2020-01-31 10:34:17,2021-07-23 13:41:30,2021-07-23 13:41:28,11.0,9.0,15.0,188.0,,"Semantic text segmentation. For sentence boundary detection, compound splitting and more.",2.0,2.0,4.0,13,True,1,2021-07-23 13:24:47,0.5.8,,,13.0,,,, +44,graphlib,purpleprotocol/graphlib,graph,https://github.com/purpleprotocol/graphlib,https://github.com/purpleprotocol/graphlib,MIT,2019-03-14 12:52:32,2021-03-14 20:25:32,2020-07-01 09:05:33,11.0,5.0,21.0,151.0,167.0,Simple but powerful graph library for Rust.,,,11.0,13,False,3,2020-04-14 14:23:06,0.6.2,,,18.0,,,, +45,lindera,lindera-morphology/lindera,nlp,https://github.com/lindera-morphology/lindera,https://github.com/lindera-morphology/lindera,MIT,2020-01-22 14:27:57,2021-07-30 13:23:37,2021-07-30 13:23:33,13.0,5.0,26.0,111.0,153.0,A morphological analysis library.,,,7.0,13,True,1,2020-10-15 11:11:47,0.7.1,,,16.0,,,,1.0 +46,tokenizations,explosion/tokenizations,nlp,https://github.com/explosion/tokenizations,https://github.com/explosion/tokenizations,MIT,2019-12-30 10:02:22,2021-07-31 09:06:34,2021-07-31 09:06:34,8.0,,9.0,99.0,274.0,Robust and Fast tokenizations alignment library for Rust and Python https://tamuhey.github.io/tokenizations/.,,,3.0,13,False,1,2021-07-31 09:05:35,python/0.8.4,,,3.0,,,, +47,leaf,autumnai/leaf,ml-frameworks,https://github.com/autumnai/leaf,https://github.com/autumnai/leaf,,2015-10-26 08:20:56,2018-01-14 18:40:05,2018-01-14 18:40:04,263.0,26.0,24.0,5478.0,164.0,Open Machine Intelligence Framework for Hackers. (GPU/CPU).,,,15.0,12,False,2,,,,,,,,, +48,evcxr,google/evcxr,ml-frameworks,https://github.com/google/evcxr,https://github.com/google/evcxr,Apache-2.0,2018-09-25 10:19:22,2021-07-26 10:46:17,2021-07-26 10:40:01,117.0,50.0,77.0,2626.0,,,,,27.0,12,False,2,,,,,,,,, +49,rust-csv,BurntSushi/rust-csv,data-loading,https://github.com/BurntSushi/rust-csv,https://github.com/BurntSushi/rust-csv,,2014-03-22 06:58:51,2021-07-23 14:07:58,2021-04-15 15:46:24,131.0,29.0,122.0,983.0,431.0,"A CSV parser for Rust, with Serde support.",,,48.0,12,False,3,,,,,,,,, +50,Enzyme,wsmoses/Enzyme,ml-frameworks,https://github.com/wsmoses/Enzyme,https://github.com/wsmoses/Enzyme,,2019-02-27 03:27:23,2021-08-02 05:01:35,2021-08-01 16:55:50,32.0,19.0,32.0,511.0,,High-performance automatic differentiation of LLVM.,,,12.0,12,False,2,2021-07-23 14:24:29,0.0.16,,,10.0,,,, +51,aho-corasick,BurntSushi/aho-corasick,nlp,https://github.com/BurntSushi/aho-corasick,https://github.com/BurntSushi/aho-corasick,,2015-06-11 23:02:10,2021-07-03 11:52:44,2021-07-03 11:52:44,55.0,4.0,39.0,472.0,182.0,A fast implementation of Aho-Corasick in Rust.,,,25.0,12,False,2,,,,,,,,, +52,memchr,BurntSushi/memchr,nlp,https://github.com/BurntSushi/memchr,https://github.com/BurntSushi/memchr,,2015-06-11 23:01:31,2021-07-28 19:56:07,2021-07-13 18:31:31,50.0,3.0,32.0,297.0,167.0,Optimized string search routines for Rust.,,,30.0,12,False,2,,,,,,,,, +53,sprs,vbarrielle/sprs,ml-frameworks,https://github.com/vbarrielle/sprs,https://github.com/vbarrielle/sprs,,2015-05-17 19:01:01,2021-07-31 16:20:41,2021-07-22 16:02:18,26.0,37.0,96.0,249.0,1035.0,sparse linear algebra library for rust.,,,22.0,12,False,2,,,,,,,,, +54,gap_statistic,milesgranger/gap_statistic,ml-frameworks,https://github.com/milesgranger/gap_statistic,https://github.com/milesgranger/gap_statistic,,2016-04-25 11:22:18,2021-03-09 19:49:09,2021-03-09 19:49:09,29.0,1.0,27.0,105.0,131.0,Dynamically get the suggested clusters in the data for unsupervised learning.,18.0,18.0,4.0,12,False,2,2020-04-20 04:05:53,2.0.1,324.0,8.0,13.0,,,, +55,rustling,snipsco/rustling,nlp,https://github.com/snipsco/rustling,https://github.com/snipsco/rustling,,2017-04-10 08:50:12,2021-07-23 15:25:44,2019-09-11 16:12:55,23.0,,2.0,65.0,193.0,Rust implementation of Duckling.,,,6.0,12,False,2,2019-09-11 16:13:12,0.9.1,,,12.0,['binding'],,,1.0 +56,faiss-rs,Enet4/faiss-rs,ml-frameworks,https://github.com/Enet4/faiss-rs,https://github.com/Enet4/faiss-rs,,2018-01-27 21:50:14,2021-07-29 09:33:36,2021-07-23 10:33:22,8.0,6.0,13.0,46.0,214.0,Rust language bindings for Faiss.,,,5.0,12,False,2,2021-06-21 19:51:47,0.10.0,,,9.0,['binding'],,, +57,pyrus-cramjam,milesgranger/pyrus-cramjam,ml-frameworks,https://github.com/milesgranger/pyrus-cramjam,https://github.com/milesgranger/pyrus-cramjam,MIT,2020-03-08 07:46:33,2021-07-13 12:28:42,2021-07-13 12:28:42,3.0,3.0,17.0,23.0,47.0,Thin Python wrapper to de/compression algorithms in Rust - lightweight & no dependencies.,,,2.0,12,False,2,2021-05-31 08:22:02,2.3.2,,,20.0,,,, +58,argmin,argmin-rs/argmin,ml-frameworks,https://github.com/argmin-rs/argmin,https://github.com/argmin-rs/argmin,,2018-07-22 10:09:33,2021-07-24 08:35:17,2021-07-24 08:35:17,31.0,12.0,28.0,305.0,803.0,Mathematical optimization in pure Rust.,,,15.0,11,False,2,,,,,,,,, +59,rs-natural,christophertrml/rs-natural,nlp,https://github.com/christophertrml/rs-natural,https://github.com/christophertrml/rs-natural,MIT,2014-07-27 22:26:18,2020-10-17 18:22:37,2020-02-13 07:12:11,28.0,2.0,7.0,195.0,97.0,Natural Language Processing for Rust.,,,14.0,11,False,2,,,,,,,,, +60,azure-sdk-for-rust,Azure/azure-sdk-for-rust,ml-frameworks,https://github.com/Azure/azure-sdk-for-rust,https://github.com/Azure/azure-sdk-for-rust,MIT,2020-09-15 18:05:06,2021-07-30 15:56:23,2021-07-28 07:35:36,62.0,59.0,86.0,137.0,,This repository is for active development of the *unofficial* Azure SDK for Rust. This repository is *not* supported..,,,59.0,11,True,2,,,,,,['binding'],,,-2.0 +61,rustling-ontology,snipsco/rustling-ontology,nlp,https://github.com/snipsco/rustling-ontology,https://github.com/snipsco/rustling-ontology,,2017-04-24 15:08:48,2020-10-07 11:29:12,2020-10-07 11:29:08,47.0,28.0,26.0,113.0,1053.0,Ontology for rustling.,,,19.0,11,False,2,2020-01-23 14:58:51,0.19.3,,,49.0,,,, +62,rsrl,tspooner/rsrl,ml-frameworks,https://github.com/tspooner/rsrl,https://github.com/tspooner/rsrl,MIT,2017-03-29 15:18:20,2020-06-18 11:34:02,2020-06-18 11:31:52,11.0,19.0,15.0,105.0,545.0,"A fast, safe and easy to use reinforcement learning framework in Rust.",,,4.0,11,False,2,,,,,7.0,,,, +63,snips-nlu-ontology,snipsco/snips-nlu-ontology,nlp,https://github.com/snipsco/snips-nlu-ontology,https://github.com/snipsco/snips-nlu-ontology,,2018-02-14 14:19:29,2020-03-08 14:16:49,2019-09-06 13:58:18,30.0,4.0,6.0,55.0,505.0,Ontology of Snips NLU.,,,12.0,11,False,2,2019-09-06 13:58:41,0.67.2,,,35.0,,,, +64,finalfusion-rust,finalfusion/finalfusion-rust,nlp,https://github.com/finalfusion/finalfusion-rust,https://github.com/finalfusion/finalfusion-rust,,2019-03-19 18:18:31,2021-07-20 18:39:45,2021-07-20 18:34:15,5.0,4.0,36.0,38.0,226.0,finalfusion embeddings in Rust.,,,5.0,11,False,2,2020-08-15 06:46:38,0.14.0,,,8.0,,,, +65,gym-rs,mrrobb/gym-rs,ml-frameworks,https://github.com/MrRobb/gym-rs,https://github.com/MrRobb/gym-rs,MIT,2019-08-20 23:26:06,2021-07-12 04:50:16,2020-07-24 16:19:15,2.0,3.0,6.0,33.0,152.0,OpenAI Gym bindings for Rust.,,,3.0,11,False,2,2019-10-11 20:43:19,1.0.0,,,1.0,['binding'],,, +66,visionmagic,visioncortex/visionmagic,image,https://github.com/visioncortex/visionmagic,https://github.com/visioncortex/visionmagic,,2020-12-16 15:07:32,2021-07-24 09:05:13,2021-07-24 09:05:06,4.0,,,30.0,39.0,Collection of vision & graphics algorithms.,,,3.0,11,False,3,2021-07-23 10:16:58,0.2.0,,,4.0,,,,1.0 +67,black-jack,milesgranger/black-jack,ml-frameworks,https://github.com/milesgranger/black-jack,https://github.com/milesgranger/black-jack,GPL-3.0,2018-08-18 14:31:48,2021-07-22 04:16:28,2021-04-29 19:39:04,5.0,8.0,42.0,26.0,217.0,DataFrame / Series data processing in Rust.,,,2.0,11,False,2,2019-04-28 11:10:27,0.1.0,,,2.0,,,,1.0 +68,datafrog,rust-lang/datafrog,data-loading,https://github.com/rust-lang/datafrog,https://github.com/rust-lang/datafrog,,2018-05-16 13:37:32,2021-07-17 20:08:50,2021-05-04 21:24:45,32.0,3.0,2.0,416.0,103.0,A lightweight Datalog engine in Rust.,,,11.0,10,False,3,,,,,,,,, +69,RustNN,jackm321/RustNN,ml-frameworks,https://github.com/jackm321/RustNN,https://github.com/jackm321/RustNN,Apache-2.0,2015-03-27 08:34:35,2017-12-21 15:19:41,2015-05-08 02:34:16,30.0,1.0,2.0,300.0,41.0,A neural network crate.,,,2.0,10,False,3,,,,,,,,, +70,rust-dataframe,nevi-me/rust-dataframe,data-loading,https://github.com/nevi-me/rust-dataframe,https://github.com/nevi-me/rust-dataframe,Apache-2.0,2019-01-09 02:52:48,2020-10-26 17:05:17,2020-10-26 17:05:04,20.0,12.0,26.0,282.0,119.0,"A Rust DataFrame implementation, built on Apache Arrow.",,,4.0,10,True,3,,,,,,,,, +71,Peroxide,Axect/Peroxide,ml-frameworks,https://github.com/Axect/Peroxide,https://github.com/Axect/Peroxide,,2018-04-20 18:38:06,2021-05-26 07:23:00,2021-05-26 07:20:11,13.0,9.0,14.0,226.0,1192.0,"Rust numeric library with R, MATLAB & Python syntax.",,,9.0,10,False,3,,,,,,,,,-1.0 +72,fancy-regex,fancy-regex/fancy-regex,nlp,https://github.com/fancy-regex/fancy-regex,https://github.com/fancy-regex/fancy-regex,MIT,2018-10-02 17:55:03,2021-07-29 04:41:16,2021-07-29 04:40:30,16.0,2.0,17.0,222.0,,Rust library for regular expressions using fancy features like look-around and backreferences.,,,16.0,10,True,2,,,,,,,,, +73,deeplearn-rs,tedsta/deeplearn-rs,ml-frameworks,https://github.com/tedsta/deeplearn-rs,https://github.com/tedsta/deeplearn-rs,MIT,2015-10-27 02:51:50,2019-10-30 04:18:48,2017-08-20 03:30:59,23.0,1.0,4.0,193.0,78.0,Neural networks in Rust.,,,2.0,10,False,3,,,,,,,,, +74,smartcore,smartcorelib/smartcore,ml-frameworks,https://github.com/smartcorelib/smartcore,https://github.com/smartcorelib/smartcore,Apache-2.0,2019-05-08 05:14:51,2021-07-13 00:37:04,2021-04-29 16:40:54,18.0,25.0,19.0,165.0,,SmartCore is a comprehensive library for machine learning and numerical computing. The library provides a set of tools..,,,14.0,10,True,3,,,,,,,,, +75,L2,bilal2vec/L2,ml-frameworks,https://github.com/bilal2vec/L2,https://github.com/bilal2vec/L2,MIT,2019-06-22 20:37:19,2021-02-04 03:11:05,2021-02-04 03:11:00,15.0,,1.0,134.0,164.0,"l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust.",,,,10,True,3,2019-09-04 00:34:56,1.0,,,1.0,,,, +76,orkhon,vertexclique/orkhon,ml-frameworks,https://github.com/vertexclique/orkhon,https://github.com/vertexclique/orkhon,MIT,2019-05-18 23:24:53,2021-02-01 15:23:47,2021-02-01 15:23:39,3.0,4.0,3.0,100.0,102.0,Orkhon: ML Inference Framework and Server Runtime.,,,,10,True,3,2020-11-17 23:04:49,0.2.0,,,1.0,,,, +77,rust-tokenizers,guillaume-be/rust-tokenizers,nlp,https://github.com/guillaume-be/rust-tokenizers,https://github.com/guillaume-be/rust-tokenizers,Apache-2.0,2019-11-09 16:14:11,2021-07-14 16:00:25,2021-07-13 14:59:45,9.0,1.0,5.0,93.0,369.0,"Rust-tokenizer offers high-performance tokenizers for modern language models, including WordPiece, Byte-Pair Encoding..",,,2.0,10,False,2,,,,,,,,, +78,torchrs,torchrs/torchrs,ml-frameworks,https://github.com/torchrs/torchrs,https://github.com/torchrs/torchrs,BSD-2-Clause,2017-05-27 21:57:45,2017-07-16 00:27:45,2017-07-16 00:27:34,11.0,1.0,,75.0,532.0,Deep Learning in Rust with the PyTorch API.,,,,10,False,3,,,,,,['binding'],,, +79,finalfrontier,finalfusion/finalfrontier,nlp,https://github.com/finalfusion/finalfrontier,https://github.com/finalfusion/finalfrontier,,2018-06-02 08:47:45,2021-08-02 04:47:29,2021-05-14 09:44:38,4.0,2.0,28.0,64.0,283.0,Context-sensitive word embeddings with subwords. In Rust.,,,6.0,10,False,2,2020-07-27 09:03:36,0.9.4,39.0,1.0,12.0,,,, +80,ffsvm-rust,ralfbiedert/ffsvm-rust,ml-frameworks,https://github.com/ralfbiedert/ffsvm-rust,https://github.com/ralfbiedert/ffsvm-rust,MIT,2017-12-10 16:52:20,2019-12-20 23:08:07,2019-06-07 10:54:07,6.0,2.0,6.0,43.0,318.0,FFSVM stands for Really Fast Support Vector Machine.,,,,10,False,3,,,,,,,,, +81,deepfrog,proycon/deepfrog,nlp,https://github.com/proycon/deepfrog,https://github.com/proycon/deepfrog,GPL-3.0,2020-02-12 12:28:13,2021-07-14 17:51:10,2021-04-18 16:58:45,1.0,5.0,3.0,15.0,128.0,An NLP-suite powered by deep learning.,,,,10,False,2,2021-04-11 13:32:18,0.2.1,,,2.0,,,, +82,neuronika,neuronika/neuronika,ml-frameworks,https://github.com/neuronika/neuronika,https://github.com/neuronika/neuronika,MPL-2.0,2021-02-13 17:04:39,2021-08-02 10:21:31,2021-06-15 09:12:24,12.0,5.0,22.0,431.0,,Tensors and dynamic neural networks in pure Rust.,,,2.0,9,False,3,,,,,,,,, +83,vtext,rth/vtext,nlp,https://github.com/rth/vtext,https://github.com/rth/vtext,Apache-2.0,2018-11-05 09:02:15,2021-06-15 20:48:37,2020-06-18 21:00:31,10.0,11.0,7.0,114.0,,Simple NLP in Rust with Python bindings.,,,3.0,9,False,3,,,,,,,,, +84,alumina,millardjn/alumina,ml-frameworks,https://github.com/millardjn/alumina,https://github.com/millardjn/alumina,,2017-02-06 15:57:08,2021-07-25 12:32:22,2021-07-25 12:32:08,7.0,3.0,,83.0,245.0,A deep learning library for rust.,,,,9,False,3,,,,,,,,, +85,rust-stemmers,CurrySoftware/rust-stemmers,nlp,https://github.com/CurrySoftware/rust-stemmers,https://github.com/CurrySoftware/rust-stemmers,MIT,2017-02-07 13:00:30,2021-05-14 07:08:54,2021-05-13 07:18:43,11.0,,3.0,65.0,51.0,A rust implementation of some popular snowball stemming algorithms.,,,5.0,9,False,3,,,,,,,,, +86,tractjs,bminixhofer/tractjs,ml-frameworks,https://github.com/bminixhofer/tractjs,https://github.com/bminixhofer/tractjs,,2020-05-24 07:46:54,2021-07-23 11:17:36,2021-07-23 10:51:13,6.0,3.0,11.0,55.0,,Run ONNX and TensorFlow inference in the browser.,,,2.0,9,False,3,2021-07-23 11:17:36,0.4.0,10.0,0.0,11.0,,,, +87,NeuroFlow,MikhailKravets/NeuroFlow,ml-frameworks,https://github.com/MikhailKravets/NeuroFlow,https://github.com/MikhailKravets/NeuroFlow,MIT,2017-06-22 18:45:50,2021-01-29 17:43:28,2018-01-07 20:12:50,4.0,1.0,1.0,53.0,194.0,Awesome deep learning crate.,,,2.0,9,False,3,,,,,,,,, +88,rustml,daniel-e/rustml,ml-frameworks,https://github.com/daniel-e/rustml,https://github.com/daniel-e/rustml,,2015-06-23 13:59:00,2018-01-31 13:53:22,2018-01-31 13:53:17,6.0,2.0,3.0,46.0,332.0,Machine learning in Rust.,,,2.0,9,False,3,2015-10-07 20:05:27,0.0.5,,,4.0,,,, +89,tflite-rs,boncheolgu/tflite-rs,ml-frameworks,https://github.com/boncheolgu/tflite-rs,https://github.com/boncheolgu/tflite-rs,,2018-10-23 13:13:57,2021-06-08 11:51:50,2021-06-08 11:48:39,22.0,13.0,9.0,44.0,151.0,,,,9.0,9,False,3,,,,,,,,, +90,dpar,danieldk/dpar,nlp,https://github.com/danieldk/dpar,https://github.com/danieldk/dpar,Apache-2.0,2015-03-18 10:17:41,2020-09-14 12:16:26,2020-09-14 12:16:07,3.0,5.0,6.0,40.0,58.0,Neural network transition-based dependency parser (in Rust).,,,3.0,9,False,3,,,,,,,,, +91,levenshtein-automata,tantivy-search/levenshtein-automata,nlp,https://github.com/tantivy-search/levenshtein-automata,https://github.com/tantivy-search/levenshtein-automata,MIT,2017-11-16 00:26:08,2021-06-01 09:28:56,2021-05-18 12:20:26,7.0,1.0,4.0,37.0,25.0,,,,2.0,9,False,3,2020-03-30 00:38:52,0.2.0,,,1.0,,,, +92,rurel,milanboers/rurel,ml-frameworks,https://github.com/milanboers/rurel,https://github.com/milanboers/rurel,MPL-2.0,2017-03-05 09:40:12,2021-03-27 09:39:28,2021-03-27 09:34:51,6.0,1.0,1.0,31.0,33.0,"Flexible, reusable reinforcement learning (Q learning) implementation in Rust.",,,3.0,9,False,3,,,,,,,,, +93,visual-odometry-rs,mpizenberg/visual-odometry-rs,image,https://github.com/mpizenberg/visual-odometry-rs,https://github.com/mpizenberg/visual-odometry-rs,MPL-2.0,2018-03-26 08:10:34,2020-01-17 19:04:01,2019-03-25 14:16:01,1.0,6.0,1.0,29.0,299.0,Visual Odometry in Rust (vors).,,,,9,False,3,,,,,,,,, +94,RusticSOM,avinashshenoy97/RusticSOM,ml-frameworks,https://github.com/avinashshenoy97/RusticSOM,https://github.com/avinashshenoy97/RusticSOM,MIT,2018-03-04 07:44:42,2020-10-14 21:10:03,2020-10-07 18:54:35,5.0,,,22.0,48.0,Rust library for Self Organising Maps (SOM).,,,5.0,9,False,3,,,,,,,,, +95,rust-sbert,cpcdoy/rust-sbert,nlp,https://github.com/cpcdoy/rust-sbert,https://github.com/cpcdoy/rust-sbert,Apache-2.0,2020-04-19 14:27:46,2021-06-30 10:21:56,2020-11-23 16:05:05,4.0,,1.0,20.0,62.0,Rust port of sentence-transformers (https://github.com/UKPLab/sentence-transformers).,,,3.0,9,False,3,,,,,,,,, +96,rust-tfrecord,jerry73204/rust-tfrecord,data-loading,https://github.com/jerry73204/rust-tfrecord,https://github.com/jerry73204/rust-tfrecord,MIT,2019-11-06 17:35:02,2021-06-26 03:53:31,2021-06-26 03:53:22,5.0,1.0,1.0,14.0,164.0,A Rust crate that reads and writes tfrecord files.,,,2.0,9,False,3,,,,,,,,, +97,gazetteer-entity-parser,snipsco/gazetteer-entity-parser,nlp,https://github.com/snipsco/gazetteer-entity-parser,https://github.com/snipsco/gazetteer-entity-parser,,2018-06-12 07:13:37,2019-12-06 14:10:32,2019-12-06 14:10:28,17.0,1.0,1.0,14.0,231.0,Rust library for parsing and resolving entity values based on a gazetteer.,,,8.0,9,False,3,2019-08-27 13:51:07,0.8.0,,,8.0,,,, +98,rustdef,emakryo/rustdef,ml-frameworks,https://github.com/emakryo/rustdef,https://github.com/emakryo/rustdef,MIT,2020-01-26 04:08:22,2021-07-26 02:01:10,2021-05-31 11:00:56,,2.0,3.0,14.0,53.0,Jupyter extension for rust.,,,2.0,9,False,3,2021-01-03 12:09:22,0.2.0,,,4.0,,,, +99,rust-cv-convert,jerry73204/rust-cv-convert,image,https://github.com/jerry73204/rust-cv-convert,https://github.com/jerry73204/rust-cv-convert,MIT,2021-01-12 12:43:12,2021-07-24 07:28:00,2021-07-24 07:28:00,3.0,1.0,,11.0,57.0,Type conversion among popular Rust computer vision libraries.,,,4.0,9,False,3,,,,,,,,, +100,snips-nlu-parsers,snipsco/snips-nlu-parsers,nlp,https://github.com/snipsco/snips-nlu-parsers,https://github.com/snipsco/snips-nlu-parsers,,2019-01-22 12:45:41,2020-01-24 10:14:32,2020-01-24 10:13:48,32.0,2.0,2.0,11.0,102.0,Rust crate for entity parsing.,,,5.0,9,False,3,2020-01-24 10:14:32,0.4.3,196.0,6.0,13.0,,,, +101,tch-serde,jerry73204/tch-serde,data-loading,https://github.com/jerry73204/tch-serde,https://github.com/jerry73204/tch-serde,MIT,2020-07-21 21:04:15,2021-06-26 02:51:49,2021-06-26 02:51:24,3.0,,,3.0,35.0,Serialize/Deserialize tch-rs types with serde.,,,3.0,9,False,3,,,,,,,,, +102,hora,hora-search/hora,ml-frameworks,https://github.com/hora-search/hora,https://github.com/hora-search/hora,Apache-2.0,2021-05-15 07:46:32,2021-08-01 04:31:10,2021-08-01 04:31:10,1.0,5.0,1.0,258.0,,efficient approximate nearest neighbor search algorithm collections library written in Rust .,,,3.0,8,False,3,,,,,,,,True, +103,cv,rust-cv/cv,image,https://github.com/rust-cv/cv,https://github.com/rust-cv/cv,,2020-04-04 17:46:04,2021-08-01 20:20:32,2021-08-01 20:20:21,11.0,24.0,2.0,151.0,,"Rust CV mono-repo. Contains pure-Rust dependencies which attempt to encapsulate the capability of OpenCV, OpenMVG, and..",,,6.0,8,False,3,,,,,,,,,-3.0 +104,kdtree-rs,mrhooray/kdtree-rs,ml-frameworks,https://github.com/mrhooray/kdtree-rs,https://github.com/mrhooray/kdtree-rs,,2015-07-29 05:20:17,2021-05-13 02:26:34,2021-05-13 02:26:34,23.0,1.0,13.0,107.0,85.0,K-dimensional tree in Rust for fast geospatial indexing and lookup.,,,14.0,8,False,3,,,,,,,,, +105,hal,jramapuram/hal,ml-frameworks,https://github.com/jramapuram/hal,https://github.com/jramapuram/hal,MIT,2015-07-22 20:11:09,2016-10-22 00:27:46,2016-10-22 00:24:58,9.0,5.0,,79.0,52.0,Rust based Cross-GPU Machine Learning.,,,2.0,8,False,3,,,,,,,,, +106,hnsw,rust-cv/hnsw,ml-frameworks,https://github.com/rust-cv/hnsw,https://github.com/rust-cv/hnsw,MIT,2019-07-21 03:52:31,2021-07-19 03:08:21,2021-07-19 03:08:17,,11.0,9.0,66.0,147.0,HNSW ANN from the paper Efficient and robust approximate nearest neighbor search using Hierarchical Navigable Small..,,,2.0,8,False,3,,,,,,,,, +107,kodama,diffeo/kodama,ml-frameworks,https://github.com/diffeo/kodama,https://github.com/diffeo/kodama,MIT,2017-08-07 00:12:06,2020-12-21 14:04:54,2020-12-21 14:04:53,4.0,,,52.0,38.0,Fast hierarchical agglomerative clustering in Rust.,,,2.0,8,False,3,,,,,,,,, +108,fasttext-rs,messense/fasttext-rs,nlp,https://github.com/messense/fasttext-rs,https://github.com/messense/fasttext-rs,,2018-01-18 04:08:07,2021-06-30 15:05:22,2021-06-30 15:03:14,6.0,,1.0,29.0,100.0,fastText Rust binding.,,,4.0,8,False,3,,,,,,['binding'],,, +109,sticker,stickeritis/sticker,nlp,https://github.com/stickeritis/sticker,https://github.com/stickeritis/sticker,,2019-02-15 09:35:54,2021-03-19 10:08:03,2021-03-19 10:08:00,2.0,15.0,37.0,26.0,206.0,Succeeded by SyntaxDot: https://github.com/tensordot/syntaxdot.,,,4.0,8,False,3,2020-06-10 12:27:31,0.11.1,81.0,2.0,17.0,,,, +110,chr,pemistahl/chr,nlp,https://github.com/pemistahl/chr,https://github.com/pemistahl/chr,Apache-2.0,2020-06-22 07:50:18,2021-01-14 10:14:41,2021-01-05 20:35:25,1.0,1.0,,23.0,35.0,A command-line tool that gives information about Unicode characters.,,,,8,False,3,2021-01-05 20:46:19,1.0.0,12.0,1.0,1.0,,,, +111,bhtsne,frjnn/bhtsne,ml-frameworks,https://github.com/frjnn/bhtsne,https://github.com/frjnn/bhtsne,MIT,2020-08-21 15:39:47,2021-07-24 18:10:42,2021-07-24 18:10:26,1.0,2.0,2.0,21.0,19.0,Barnes-Hut t-SNE implementation written in Rust.,,,,8,False,3,,,,,,,,, +112,word2vec,dimakudosh/word2vec,nlp,https://github.com/DimaKudosh/word2vec,https://github.com/DimaKudosh/word2vec,MIT,2016-01-28 19:57:43,2019-11-04 15:30:36,2019-11-04 15:29:26,6.0,,,20.0,63.0,Rust interface to word2vec.,,,5.0,8,False,3,,,,,,,,, +113,syntaxdot,tensordot/syntaxdot,nlp,https://github.com/tensordot/syntaxdot,https://github.com/tensordot/syntaxdot,,2020-10-07 17:49:05,2021-07-24 16:03:33,2021-07-24 11:13:14,,5.0,9.0,19.0,,"Neural syntax annotator, supporting sequence labeling, lemmatization, and dependency parsing.",,,3.0,8,False,3,2021-07-20 12:04:01,0.4.0-beta.0,6.0,0.0,9.0,,,, +114,treebender,vgel/treebender,nlp,https://github.com/vgel/treebender,https://github.com/vgel/treebender,MIT,2020-10-18 21:34:55,2021-06-26 02:28:00,2021-06-26 02:27:47,,2.0,,19.0,47.0,A HDPSG-inspired symbolic natural language parser written in Rust.,,,,8,False,3,,,,,,,,, +115,awabi,nakagami/awabi,nlp,https://github.com/nakagami/awabi,https://github.com/nakagami/awabi,MIT,2020-03-12 23:10:27,2021-06-12 03:11:06,2021-06-12 03:10:44,,,,4.0,53.0,A morphological analyzer using mecab dictionary.,,,,8,False,3,,,,,,,,, +116,alpino-tokenizer,danieldk/alpino-tokenizer,nlp,https://github.com/danieldk/alpino-tokenizer,https://github.com/danieldk/alpino-tokenizer,Apache-2.0,2019-10-08 07:11:10,2021-07-13 04:50:15,2020-10-08 09:13:16,,,,3.0,38.0,Rust wrapper for the Alpino tokenizer.,,,,8,False,3,2020-10-08 08:49:03,0.3.0,14.0,1.0,1.0,,,, +117,rstats,liborty/rstats,ml-frameworks,https://github.com/liborty/rstats,https://github.com/liborty/rstats,Apache-2.0,2020-08-30 04:06:51,2021-07-22 12:57:04,2021-07-22 12:56:45,,,,2.0,261.0,Rust Statistics and Vector Algebra Library.,,,,8,False,3,,,,,,,,, +118,autograph,charles-r-earp/autograph,ml-frameworks,https://github.com/charles-r-earp/autograph,https://github.com/charles-r-earp/autograph,,2019-06-17 23:43:49,2021-07-31 20:46:52,2021-07-31 20:46:49,4.0,,5.0,121.0,,Machine Learning Library for Rust.,,,3.0,7,False,3,,,,,,,,, +119,gamma,metamolecular/gamma,ml-frameworks,https://github.com/metamolecular/gamma,https://github.com/metamolecular/gamma,,2020-02-14 14:48:02,2021-01-25 18:43:42,2021-01-25 18:42:39,4.0,,6.0,109.0,50.0,A graph library for Rust.,,,3.0,7,False,3,,,,,,,,, +120,instant-distance,InstantDomain/instant-distance,ml-frameworks,https://github.com/InstantDomain/instant-distance,https://github.com/InstantDomain/instant-distance,,2020-12-14 15:15:27,2021-07-30 06:41:39,2021-07-30 06:41:33,5.0,,1.0,101.0,,"Fast approximate nearest neighbor searching in Rust, based on HNSW index.",,,6.0,7,False,3,,,,,,,,, +121,fwumious_wabbit,outbrain/fwumious_wabbit,ml-frameworks,https://github.com/outbrain/fwumious_wabbit,https://github.com/outbrain/fwumious_wabbit,,2020-09-14 12:52:38,2021-08-02 11:46:51,2021-07-29 08:50:29,7.0,2.0,,100.0,,"Fwumious Wabbit, fast on-line machine learning toolkit written in Rust.",,,7.0,7,False,3,,,,,,,,, +122,rustfst,Garvys/rustfst,nlp,https://github.com/Garvys/rustfst,https://github.com/Garvys/rustfst,,2018-09-13 21:21:45,2021-06-24 15:54:19,2021-06-24 15:54:00,6.0,11.0,15.0,75.0,,"Rust re-implementation of OpenFST - library for constructing, combining, optimizing, and searching weighted finite-..",,,8.0,7,False,3,2020-02-04 13:53:05,rustfst-v0.5.0,,,1.0,,,, +123,word2vec-rs,mklf/word2vec-rs,nlp,https://github.com/mklf/word2vec-rs,https://github.com/mklf/word2vec-rs,,2016-11-11 16:06:12,2021-07-30 18:13:28,2021-06-16 06:43:21,8.0,1.0,,28.0,20.0,pure rust implemention of word2vec.,,,3.0,7,False,3,,,,,,,,, +124,rust-dl-webserver,epwalsh/rust-dl-webserver,ml-frameworks,https://github.com/epwalsh/rust-dl-webserver,https://github.com/epwalsh/rust-dl-webserver,,2020-03-25 21:29:16,2021-07-22 18:03:26,2021-07-14 23:24:29,5.0,,,18.0,64.0,Example of serving deep learning models in Rust with batched prediction.,,,3.0,7,False,3,,,,,,,,, +125,crfsuite-rs,messense/crfsuite-rs,ml-frameworks,https://github.com/messense/crfsuite-rs,https://github.com/messense/crfsuite-rs,MIT,2018-01-05 07:58:56,2021-04-24 07:26:33,2021-01-27 09:27:30,,,8.0,16.0,144.0,Rust binding to crfsuite.,,,,7,False,3,,,,,,,,, +126,craftml-rs,tomtung/craftml-rs,ml-frameworks,https://github.com/tomtung/craftml-rs,https://github.com/tomtung/craftml-rs,MIT,2018-10-05 15:05:19,2019-03-19 03:46:15,2019-03-19 03:46:03,2.0,,2.0,12.0,26.0,"A Rust implementation of CRAFTML, an Efficient Clustering-based Random Forest for Extreme Multi-label Learning.",,,,7,False,3,,,,,,,,, +127,lumberjack,sebpuetz/lumberjack,nlp,https://github.com/sebpuetz/lumberjack,https://github.com/sebpuetz/lumberjack,Apache-2.0,2019-03-27 14:31:59,2020-05-05 12:29:29,2019-08-28 14:04:12,2.0,1.0,6.0,11.0,71.0,Read and modify constituency trees in Rust.,,,2.0,7,False,3,2019-05-27 12:20:25,0.3,,,2.0,,,, +128,drug,CasperN/drug,ml-frameworks,https://github.com/CasperN/drug,https://github.com/CasperN/drug,MIT,2018-08-12 21:43:02,2018-10-26 16:34:55,2018-10-26 16:34:50,,,1.0,10.0,72.0,Differentiable Rust Graphs (neural network library).,,,,7,False,3,,,,,,,,, +129,ngt-rs,lerouxrgd/ngt-rs,ml-frameworks,https://github.com/lerouxrgd/ngt-rs,https://github.com/lerouxrgd/ngt-rs,Apache-2.0,2020-04-26 21:45:05,2021-04-15 21:51:34,2021-04-15 21:45:55,1.0,,1.0,10.0,29.0,Rust wrappers for NGT approximate nearest neighbor search.,,,,7,False,3,,,,,,['binding'],,, +130,spm_precompiled,huggingface/spm_precompiled,nlp,https://github.com/huggingface/spm_precompiled,https://github.com/huggingface/spm_precompiled,Apache-2.0,2020-09-15 19:11:01,2021-07-19 17:50:07,2021-07-19 17:49:44,1.0,,,9.0,8.0,Highly specialized crate to parse and use `google/sentencepiece` 's precompiled_charsmap in `tokenizers`.,,,,7,False,3,,,,,,,,, +131,sentencepiece,danieldk/sentencepiece,nlp,https://github.com/danieldk/sentencepiece,https://github.com/danieldk/sentencepiece,,2020-01-22 15:30:22,2021-07-11 08:32:18,2021-07-11 08:28:03,1.0,,2.0,6.0,,Rust binding for the sentencepiece library.,,,2.0,7,False,3,2021-06-17 18:18:19,0.7.1,,,4.0,,,, +132,hwt,rust-cv/hwt,ml-frameworks,https://github.com/rust-cv/hwt,https://github.com/rust-cv/hwt,MIT,2019-02-20 23:09:30,2019-05-03 19:19:07,2019-05-03 19:18:47,,4.0,5.0,6.0,147.0,Hamming Weight Tree from the paper Online Nearest Neighbor Search in Hamming Space.,,,,7,False,3,,,,,,,,, +133,liblinear-rs,shademe/liblinear-rs,ml-frameworks,https://github.com/shadeMe/liblinear-rs,https://github.com/shadeMe/liblinear-rs,MIT,2018-10-02 11:55:10,2019-10-24 15:18:19,2019-10-24 15:17:49,1.0,,2.0,5.0,39.0,Rust language bindings for the LIBLINEAR C/C++ library.,,,,7,False,3,,,,,,['binding'],,, +134,petal-clustering,petabi/petal-clustering,ml-frameworks,https://github.com/petabi/petal-clustering,https://github.com/petabi/petal-clustering,Apache-2.0,2019-06-06 18:31:20,2021-07-29 19:02:06,2021-07-29 19:02:05,1.0,2.0,2.0,5.0,,DBSCAN and OPTICS clustering algorithms.,,,3.0,7,False,3,,,,,,,,, +135,rust-stop-words,cmccomb/rust-stop-words,nlp,https://github.com/cmccomb/rust-stop-words,https://github.com/cmccomb/rust-stop-words,MIT,2020-08-22 03:59:58,2021-04-05 19:44:07,2021-04-05 19:44:07,,,,3.0,57.0,Common stop words in a variety of languages.,,,,7,False,3,,,,,,,,, +136,prophet,robbepop/prophet,ml-frameworks,https://github.com/Robbepop/prophet,https://github.com/Robbepop/prophet,,2016-09-04 16:28:38,2019-07-31 09:45:36,2018-05-25 09:44:58,1.0,4.0,4.0,39.0,151.0,A simple neural net implementation.,,,2.0,6,False,3,,,,,,,,, +137,cogent,JonathanWoollett-Light/cogent,ml-frameworks,https://github.com/JonathanWoollett-Light/cogent,https://github.com/JonathanWoollett-Light/cogent,,2019-09-30 01:15:30,2021-03-26 15:47:16,2021-03-26 15:47:16,2.0,,,28.0,354.0,Simple neural network library for classification written in Rust.,,,2.0,6,False,3,,,,,,,,, +138,vpsearch,kornelski/vpsearch,ml-frameworks,https://github.com/kornelski/vpsearch,https://github.com/kornelski/vpsearch,,2015-06-06 13:05:10,2020-10-16 10:38:47,2020-10-16 10:38:46,4.0,2.0,2.0,26.0,63.0,C library for finding nearest (most similar) element in a set.,,,2.0,6,False,3,,,,,,,,, +139,revonet,yurytsoy/revonet,ml-frameworks,https://github.com/yurytsoy/revonet,https://github.com/yurytsoy/revonet,GPL-3.0,2017-05-13 08:37:07,2017-08-20 14:10:04,2017-08-20 14:08:55,2.0,,15.0,17.0,73.0,Rust implementation of real-coded GA for solving optimization problems and training of neural networks.,,,,6,False,3,,,,,,,,, +140,h2o-kubernetes,h2oai/h2o-kubernetes,mlops,https://github.com/h2oai/h2o-kubernetes,https://github.com/h2oai/h2o-kubernetes,Apache-2.0,2020-08-04 16:47:37,2021-02-24 19:02:26,2021-02-09 11:49:12,2.0,4.0,10.0,13.0,69.0,H2O Open Source Kubernetes operator and a command-line tool to ease deployment (and undeployment) of H2O open-source..,,,4.0,6,False,1,2021-02-09 11:05:13,operator-0.1.0,6.0,1.0,1.0,,,, +141,fann-rs,afck/fann-rs,ml-frameworks,https://github.com/afck/fann-rs,https://github.com/afck/fann-rs,LGPL-3.0,2015-06-26 15:59:52,2018-10-19 20:53:06,2018-10-19 20:52:44,,,1.0,11.0,57.0,Rust wrapper for the Fast Artificial Neural Network library.,,,,6,False,3,,,,,,,,, +142,bayespam,zenoxygen/bayespam,ml-frameworks,https://github.com/zenoxygen/bayespam,https://github.com/zenoxygen/bayespam,MIT,2019-10-27 05:53:16,2020-12-24 00:31:37,2020-12-24 00:31:24,1.0,,1.0,5.0,45.0,A simple bayesian spam classifier written in Rust.,,,2.0,6,False,3,,,,,,,,, +143,batched-fn,epwalsh/batched-fn,ml-frameworks,https://github.com/epwalsh/batched-fn,https://github.com/epwalsh/batched-fn,Apache-2.0,2020-03-20 22:06:11,2021-05-03 17:08:53,2021-05-03 17:08:49,,1.0,,4.0,50.0,Rust middleware for serving deep learning models with batched prediction.,,,2.0,6,False,3,,,,,,,,, +144,srx,bminixhofer/srx,nlp,https://github.com/bminixhofer/srx,https://github.com/bminixhofer/srx,,2021-02-03 11:09:47,2021-03-27 11:41:03,2021-03-27 11:38:49,2.0,1.0,2.0,4.0,16.0,A mostly compliant Rust implementation of the Segmentation Rules eXchange (SRX) 2.0 standard for text segmentation.,,,3.0,6,False,3,2021-03-27 11:41:03,0.1.3,,,1.0,,,, +145,eval-metrics,benjarison/eval-metrics,interpret,https://github.com/benjarison/eval-metrics,https://github.com/benjarison/eval-metrics,,2020-05-21 04:00:07,2021-05-11 05:05:07,2021-05-11 04:41:47,,,,1.0,68.0,Evaluation metrics for machine learning.,,,,6,False,1,2021-05-11 05:05:07,0.1.0,,,1.0,,,, +146,NewsAggregator,EngineersBox/NewsAggregator,data-loading,https://github.com/EngineersBox/NewsAggregator,https://github.com/EngineersBox/NewsAggregator,Apache-2.0,2021-02-28 09:18:55,2021-08-01 13:24:33,2021-05-25 02:33:38,2.0,,,1.0,,"A fast, searchable news article aggregation service using various machine learning models to aggregate based on..",,,3.0,6,False,3,,,,,,,,, +147,reductive,finalfusion/reductive,ml-frameworks,https://github.com/finalfusion/reductive,https://github.com/finalfusion/reductive,Apache-2.0,2019-09-04 09:48:00,2021-07-27 12:47:28,2021-07-18 15:12:33,1.0,1.0,2.0,,70.0,Vector quantization.,,,2.0,6,False,3,,,,,,,,, +148,mushin,c0dearm/mushin,ml-frameworks,https://github.com/c0dearm/mushin,https://github.com/c0dearm/mushin,,2021-04-07 13:51:02,2021-04-12 10:19:52,2021-04-12 10:19:48,7.0,,,192.0,,Compile-time creation of neural networks.,,,2.0,5,False,3,,,,,,,,, +149,deduplicate-text-datasets,google-research/deduplicate-text-datasets,nlp,https://github.com/google-research/deduplicate-text-datasets,https://github.com/google-research/deduplicate-text-datasets,Apache-2.0,2021-07-16 00:24:25,2021-07-28 14:57:01,2021-07-28 14:57:01,2.0,,,115.0,8.0,,,,2.0,5,False,3,,,,,,,,, +150,cntk-rs,usamec/cntk-rs,ml-frameworks,https://github.com/usamec/cntk-rs,https://github.com/usamec/cntk-rs,,2017-10-29 16:32:42,2018-03-04 12:55:18,2018-03-04 12:55:13,,1.0,1.0,20.0,41.0,Wrapper around Microsoft CNTK library.,,,,5,False,3,,,,,,,,, +151,REnforce,NivenT/REnforce,ml-frameworks,https://github.com/NivenT/REnforce,https://github.com/NivenT/REnforce,,2016-09-27 06:29:15,2017-08-03 08:09:34,2017-08-03 08:09:34,2.0,5.0,,17.0,114.0,Reinforcement learning library written in Rust.,,,,5,False,3,,,,,,,,, +152,rustberta-snli,allenai/rustberta-snli,nlp,https://github.com/allenai/rustberta-snli,https://github.com/allenai/rustberta-snli,,2020-10-09 22:53:16,2021-07-30 08:04:03,2021-01-05 17:19:37,,,,13.0,46.0,A Rust implementation of a RoBERTa classification model for the SNLI dataset.,,,2.0,5,False,3,,,,,,,,, +153,blingfire-rs,reinfer/blingfire-rs,nlp,https://github.com/reinfer/blingfire-rs,https://github.com/reinfer/blingfire-rs,MIT,2019-07-06 13:50:14,2020-06-23 16:31:02,2020-06-23 16:30:54,,,1.0,12.0,19.0,Rust wrapper for the BlingFire tokenization library.,,,2.0,5,False,3,,,,,,,,, +154,image-ssd,mermoldy/image-ssd,image,https://github.com/mermoldy/image-ssd,https://github.com/mermoldy/image-ssd,MIT,2020-08-30 21:11:13,2020-10-24 17:17:43,2020-10-24 17:17:20,,,,1.0,12.0,A Rust library for object detection via SSD MobileNet.,,,,5,False,3,,,,,,,,, +155,seqalign,danieldk/seqalign,nlp,https://github.com/danieldk/seqalign,https://github.com/danieldk/seqalign,Apache-2.0,2018-03-06 14:46:35,2021-05-14 09:49:40,2021-05-14 09:49:37,,2.0,1.0,1.0,42.0,Sequence alignments.,,,2.0,5,False,3,,,,,,,,, +156,ohnomore,danieldk/ohnomore,nlp,https://github.com/danieldk/ohnomore,https://github.com/danieldk/ohnomore,,2017-12-08 13:25:51,2021-07-12 18:32:55,2021-07-12 18:32:11,,3.0,,,100.0,Explorations in lemmatization.,,,3.0,5,False,3,,,,,,,,, +157,rust-tfidf,ferristseng/rust-tfidf,nlp,https://github.com/ferristseng/rust-tfidf,https://github.com/ferristseng/rust-tfidf,,2015-04-14 01:59:21,2021-05-18 23:20:33,2021-05-18 23:20:31,2.0,2.0,2.0,9.0,25.0,,,,3.0,4,False,3,,,,,,,,, +158,wordpieces,danieldk/wordpieces,nlp,https://github.com/danieldk/wordpieces,https://github.com/danieldk/wordpieces,,2019-11-22 10:36:17,2021-07-06 09:12:33,2021-07-06 09:12:16,,,,1.0,29.0,Split tokens into word pieces.,,,2.0,4,False,3,,,,,,,,, +159,aleph-alpha-tokenizer,Aleph-Alpha/aleph-alpha-tokenizer,nlp,https://github.com/Aleph-Alpha/aleph-alpha-tokenizer,https://github.com/Aleph-Alpha/aleph-alpha-tokenizer,,2020-04-15 09:07:39,2020-07-13 08:52:05,2020-07-13 08:52:00,,1.0,,5.0,16.0,A rustic language tokenizer library inspired by huggingface's tokenizers.,,,2.0,3,False,3,,,,,,,,, +160,misspeller,andrew-johnson-4/misspeller,nlp,https://github.com/andrew-johnson-4/misspeller,https://github.com/andrew-johnson-4/misspeller,,2020-08-04 22:25:41,2020-12-27 22:57:27,2020-12-27 22:57:26,1.0,,,,27.0,Take correctly spelled words and return common spelling mistakes.,,,2.0,3,False,3,,,,,,,,, diff --git a/latest-changes.md b/latest-changes.md index f14ca65..ed4250b 100644 --- a/latest-changes.md +++ b/latest-changes.md @@ -2,25 +2,26 @@ _Projects that have a higher project-quality score compared to the last update. There might be a variety of reasons, such as increased downloads or code activity._ -- arrow (🥇24 · ⭐ 8.2K · 📈) - Apache Arrow is a multi-language toolbox for accelerated data.. Apache-2 -- statrs (🥇17 · ⭐ 260 · 📈) - Statistical computation library for Rust. MIT -- synth (🥈16 · ⭐ 460 · 📈) - The Declarative Data Generator. Apache-2 -- rust-sbert (🥉9 · ⭐ 20 · 💤) - Rust port of sentence-transformers.. Apache-2 -- rstats (🥉8 · ⭐ 2 · 📈) - Rust Statistics and Vector Algebra Library. Apache-2 +- rust-autograd (🥈13 · ⭐ 320 · 📈) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT +- lindera (🥇13 · ⭐ 110 · 📈) - A morphological analysis library. MIT +- rustling (🥈12 · ⭐ 65 · 💀) - Rust implementation of Duckling. ❗Unlicensed +- visionmagic (🥉11 · ⭐ 30 · 📈) - Collection of vision & graphics algorithms. ❗Unlicensed +- black-jack (🥈11 · ⭐ 26 · 📈) - DataFrame / Series data processing in Rust. ❗️GPL-3.0 ## 📉 Trending Down _Projects that have a lower project-quality score compared to the last update. There might be a variety of reasons such as decreased downloads or code activity._ -- rusoto (🥇19 · ⭐ 2.4K · 📉) - AWS SDK for Rust. MIT -- ballista (🥇15 · ⭐ 2.2K · 📉) - Distributed compute platform implemented in Rust, and powered.. Apache-2 -- xaynet (🥇15 · ⭐ 140 · 📉) - Xaynet represents an agnostic Federated Machine Learning framework.. Apache-2 -- rust-autograd (🥈12 · ⭐ 310 · 📉) - Tensors and differentiable operations (like TensorFlow) in Rust. MIT -- sentencepiece (🥉7 · ⭐ 6 · 📉) - Rust binding for the sentencepiece library. ❗Unlicensed +- ballista (🥈14 · ⭐ 2.2K · 📉) - Distributed compute platform implemented in Rust, and powered.. Apache-2 +- texture-synthesis (🥈13 · ⭐ 1.4K · 📉) - Example-based texture synthesis written in Rust. ❗Unlicensed +- azure-sdk-for-rust (🥈11 · ⭐ 140 · 📉) - This repository is for active development of the.. MIT +- Peroxide (🥉10 · ⭐ 230 · 📉) - Rust numeric library with R, MATLAB & Python syntax. ❗Unlicensed +- cv (🥉8 · ⭐ 150 · 📉) - Rust CV mono-repo. Contains pure-Rust dependencies which attempt to.. ❗Unlicensed ## ➕ Added Projects _Projects that were recently added to this best-of list._ -- deduplicate-text-datasets (🥉5 · ⭐ 29 · ➕) - Apache-2 +- arrow-rs (🥈15 · ⭐ 480 · 🐣) - Official Rust implementation of Apache Arrow. Apache-2 +- hora (🥉8 · ⭐ 260 · 🐣) - efficient approximate nearest neighbor search algorithm collections.. Apache-2