313 Repositories
Rust nlp-machine-learning Libraries
Self Study on developing a game engine using wgpu as the rendering API. Learning as I go.
Fabled Engine Any issues, enhancement, features, or bugs report are always welcome in Issues. The obj branch is where frequent development and up to d
High-level non-blocking Deno bindings to the rust-bert machine learning crate.
bertml High-level non-blocking Deno bindings to the rust-bert machine learning crate. Guide Introduction The ModelManager class manages the FFI bindin
miniature: a toy deep learning library written in Rust
miniature: a toy deep learning library written in Rust A miniature is a toy deep learning library written in Rust. The miniature is: implemented for a
Rust Language Learning material
RustMaterial Rust Language Learning material Rust Rust is blazingly fast systems programming language that prevents segfaults and guarantees thread sa
Bril: A Compiler Intermediate Representation for Learning
Bril: A Compiler Intermediate Representation for Learning Bril (the Big Red Intermediate Language) is a compiler IR made for teaching CS 6120, a grad
Common processing blocks used with your Runes.
Common Processing Blocks (API Docs) Processing blocks built by Hammer of the Gods that you can use with your Runes. License This project is licensed u
A small operating system, for my own learning
taos This project is the result of following Philipp Oppermann's series of tutorials in building a small operating system kernel targeting x86-64, alo
⌚ A command-line tool (and library) for the rusty Swatch Internet Time.
⌚ A command-line tool (and library) for the rusty Swatch Internet Time. Comes with XBar/Swiftbar support.
A learning project/fun experiment in internet protocol
Piper a learning project/fun experiment in internet protocol Version 0.4.0 (SEMVER) Goals Piper is Simple. A page is a page. There are no secondary re
A repo for learning rust
learnrust A repo for learning rust Topics: print basic print function. datatypes get to know what is datatypes. variables variables!!!. consts consts
🍄 A disassembler for the UEFI Bytecode Virtual Machine.
🍄 A disassembler for the UEFI Bytecode Virtual Machine.
🦀 my exploration and learning journey with Rust
🦀 Rust Tutorials Welcome to a repository of my exploration of Rust, using the "The Rust Programming Language" tutorial book! This repo is partially f
Revolutionary Machine (revm) is a fast Ethereum virtual machine written in rust.
revm - Revolutionary Machine Is Rust Ethereum Virtual Machine with great name that is focused on speed and simplicity.
crosvm is a virtual machine monitor (VMM) based on Linux’s KVM hypervisor
crosvm - The Chrome OS Virtual Machine Monitor crosvm is a virtual machine monitor (VMM) based on Linux’s KVM hypervisor, with a focus on simplicity,
My journey of learning rust as a web developer.
My journey of learning rust Low-level languages seem very interesting to me. I always wanted to learn a low-level language but never had the chance. T
convolutions-rs is a crate that provides a fast, well-tested convolutions library for machine learning
convolutions-rs convolutions-rs is a crate that provides a fast, well-tested convolutions library for machine learning written entirely in Rust with m
figure out who holds the nfts that came out of a candy machine.
Candy Holders This is far from finished, but can: find tokens with a given update authority find holders of those tokens Neither the Rust or Node APIs
Reinforcement learning with Rust
ReLearn: A Reinforcement Learning Library A reinforcement learning library and experiment runner. Uses pytorch as the neural network backend via the t
Messing around with deep learning
Deep Learning Test Implementing deep learning in Rust using just a linear algebra library (nalgebra). The neural network (4 hidden layers, 32 neurons
🐎 Daac Horse: Double-Array Aho-Corasick in Rust
🐎 daachorse Daac Horse: Double-Array Aho-Corasick Overview A fast implementation of the Aho-Corasick algorithm using Double-Array Trie. Examples use
Bad Apple!! for the Uxn stack-machine
bad-apple-uxn Bad Apple!! for the Uxn stack-machine by Hundred Rabbits. Quick start cargo run --release -- --input assets/badapple.mp4 --output badapp
Controls the RGB on the keyboard for the Legion 5 Pro from Lenovo. Mostly used for learning a bit of rust.
L5P Keyboard RGB Control Program A fun little experiment. Probably contains bugs. ⚠️ Use at your own risk, the developer is not responsible for any da
Label Propagation Algorithm by Rust. Label propagation (LP) is graph-based semi-supervised learning (SSL). LGC and CAMLP have been implemented.
label-propagation-rs Label Propagation Algorithm by Rust. Label propagation (LP) is graph-based semi-supervised learning (SSL). A simple LGC and a mor
This is a simple Telegram bot with interface to Firefly III to process and store simple transactions.
Firefly Telegram Bot Fireflies are free, so beautiful. (Les lucioles sont libres, donc belles.) ― Charles de Leusse, Les Contes de la nuit This is a s
The lightest distributed consensus library. Run your own replicated state machine! ❤️
Little Raft The lightest distributed consensus library. Run your own replicated state machine! ❤️ Installing Simply import the crate. In your Cargo.to
Efficient ML solutions for long-tailed demands.
MegFlow MegFlow 是一个面向视觉应用的流式计算框架, 目标是简单、高性能、帮助机器学习应用快速落地。 Features 基于 async-std[features=tokio1] 的高效异步运行时调度器 简洁的基于 toml 的建图描述格式 支持静态、动态、共享子图 支持 Rust/P
An LC-3 virtual machine written in Rust for learning purposes.
LC-3 written in Rust An LC-3 virtual machine written in Rust for learning purposes.
Example of Rust API for Machine Learning
rust-machine-learning-api-example Example of Rust API for Machine Learning API example that uses resnet224 to infer images received in base64 and retu
A memory safe Lua interpreter
Hematita Da Lua Hematita Da Lua is an interpreter for the scripting language Lua, written entirely in 100% safe Rust. Hematita is the portugese word f
Vaporetto: a fast and lightweight pointwise prediction based tokenizer
🛥 VAporetto: POintwise pREdicTion based TOkenizer Vaporetto is a fast and lightweight pointwise prediction based tokenizer. Overview This repository
Run your Rust CLI programs as state machines with persistence and recovery abilities
step-machine Run your CLI programs as state machines with persistence and recovery abilities. When such a program breaks you'll have opportunity to ch
Probabilistically split concatenated words using NLP based on English Wikipedia unigram frequencies.
Untanglr Untanglr takes in a some mangled words and makes sense out of them so you dont have to. It goes through the input and splits it probabilistic
🚀 efficient approximate nearest neighbor search algorithm collections library written in Rust 🦀 .
🚀 efficient approximate nearest neighbor search algorithm collections library written in Rust 🦀 .
A Machine Learning Framework for High Performance written in Rust
polarlight polarlight is a machine learning framework for high performance written in Rust. Key Features TBA Quick Start TBA How To Contribute Contrib
A simple, external MCPE client. For learning purposes...
sage A simple, external MCPE client. For learning purposes... Current Cheats a VERY simple speed, it just edits the speed pointer TODO Clean-up code A
Lumen - A new compiler and runtime for BEAM languages
An alternative BEAM implementation, designed for WebAssembly
Ethereum Virtual Machine implementation
Fast EVM implementation with full async support. Port of evmone to Rust.
Detect if code is running inside a virtual machine (x86 and x86-64 only).
inside-vm Detect if code is running inside a virtual machine. Only works on x86 and x86-64. How does it work Measure average cpu cycles when calling c
The source code that accompanies Hands-on Rust: Effective Learning through 2D Game Development and Play by Herbert Wolverson
Hands-on Rust Source Code This repository contains the source code for the examples found in Hands-on Rust. These are also available from my publisher
Dynamically get the suggested clusters in the data for unsupervised learning.
Python implementation of the Gap Statistic Purpose Dynamically identify the suggested number of clusters in a data-set using the gap statistic. Full e
Barnes-Hut t-SNE implementation written in Rust.
bhtsne Barnes-Hut implementation of t-SNE written in Rust. The algorithm is described with fine detail in this paper by Laurens van der Maaten. Instal
A Rust🦀 implementation of CRAFTML, an Efficient Clustering-based Random Forest for Extreme Multi-label Learning
craftml-rs A Rust implementation of CRAFTML, an Efficient Clustering-based Random Forest for Extreme Multi-label Learning (Siblini et al., 2018). Perf
FFSVM stands for "Really Fast Support Vector Machine"
In One Sentence You trained a SVM using libSVM, now you want the highest possible performance during (real-time) classification, like games or VR. Hig
Flexible, reusable reinforcement learning (Q learning) implementation in Rust
Rurel Rurel is a flexible, reusable reinforcement learning (Q learning) implementation in Rust. Release documentation In Cargo.toml: rurel = "0.2.0"
Reinforcement learning library written in Rust
REnforce Reinforcement library written in Rust This library is still in early stages, and the API has not yet been finalized. The documentation can be
AI-powered search engine for Rust
txtai: AI-powered search engine for Rust txtai executes machine-learning workflows to transform data and build AI-powered text indices to perform simi
Deep recommender systems for Rust
sbr An implementation of sequence recommenders based on the wyrm autdifferentiaton library. sbr-rs sbr implements efficient recommender algorithms whi
fastText Rust binding
fasttext-rs fastText Rust binding Installation Add it to your Cargo.toml: [dependencies] fasttext = "0.6" Add extern crate fasttext to your crate root
A neural network, and tensor dynamic automatic differentiation implementation for Rust.
Corgi A neural network, and tensor dynamic automatic differentiation implementation for Rust. BLAS The BLAS feature can be enabled, and requires CBLAS
l2 is a fast, Pytorch-style Tensor+Autograd library written in Rust
l2 • 🤖 A Pytorch-style Tensor+Autograd library written in Rust Installation • Contributing • Authors • License • Acknowledgements Made by Bilal Khan
Rust bindings for XGBoost.
rust-xgboost Rust bindings for the XGBoost gradient boosting library. Documentation Basic usage example: extern crate xgboost; use xgboost::{paramete
Xaynet represents an agnostic Federated Machine Learning framework to build privacy-preserving AI applications.
xaynet Xaynet: Train on the Edge with Federated Learning Want a framework that supports federated learning on the edge, in desktop browsers, integrate
Orkhon: ML Inference Framework and Server Runtime
Orkhon: ML Inference Framework and Server Runtime Latest Release License Build Status Downloads Gitter What is it? Orkhon is Rust framework for Machin
(MERGED) Rust bindings for TVM runtime
DEPRECATED The RFC is closed and this has been merge into TVM. TVM Runtime Frontend Support This crate provides an idiomatic Rust API for TVM runtime
A Japanese Morphological Analyzer written in pure Rust
Yoin - A Japanese Morphological Analyzer yoin is a Japanese morphological analyze engine written in pure Rust. mecab-ipadic is embedded in yoin. :) $
An official Sudachi clone in Rust (incomplete) 🦀
2021-07-07 UPDATE: The official Sudachi team will take over this project (cf. 日本語形態素解析器 SudachiPy の 現状と今後について - Speaker Deck) sudachi.rs An official S
Rust-nlp is a library to use Natural Language Processing algorithm with RUST
nlp Rust-nlp Implemented algorithm Distance Levenshtein (Explanation) Jaro / Jaro-Winkler (Explanation) Phonetics Soundex (Explanation) Metaphone (Exp
A rust implementation of some popular snowball stemming algorithms
Rust Stemmers This crate implements some stemmer algorithms found in the snowball project which are compiled to rust using the rust-backend of the sno
A HDPSG-inspired symbolic natural language parser written in Rust
Treebender A symbolic natural language parsing library for Rust, inspired by HDPSG. What is this? This is a library for parsing natural or constructed
Ruxnasm is an assembler for Uxntal — a programming language for the Uxn stack-machine by Hundred Rabbits
Ruxnasm is an assembler for Uxntal — a programming language for the Uxn stack-machine by Hundred Rabbits. Ruxnasm strives to be an alternative to Uxnasm, featuring more user-friendly error reporting, warnings, and helpful hints, reminiscent of those seen in modern compilers for languages such as Rust or Elm.
vore is a virtual machine management tool focused on VFIO set ups.
vore is a virtual machine management tool focused on VFIO set ups. with a minimal TOML file you should be able to get you should be able to create a VFIO-focused VM.
A command-line downloader for sites archived on the Wayback Machine
This is a small command-line utility I wrote to help with browsing archived websites from the Wayback Machine, which can sometimes be pretty slow.
Tangram is an automated machine learning framework designed for programmers.
Tangram Tangram is an automated machine learning framework designed for programmers. Run tangram train to train a model from a CSV file on the command
On-the-fly machine code executing from Deno
jit from js Execute raw machine code from JavaScript. I hope you know what you're doing :) const inst = new Uint8Array([0xC3]); // ret const noop = ji
Hitbox is an asynchronous caching framework supporting multiple backends and suitable for distributed and for single-machine applications.
Hitbox is an asynchronous caching framework supporting multiple backends and suitable for distributed and for single-machine applications.
🦀 A Rust implementation of a RoBERTa classification model for the SNLI dataset
RustBERTa-SNLI A Rust implementation of a RoBERTa classification model for the SNLI dataset, with support for fine-tuning, predicting, and serving. Th
Rust wrapper for the BlingFire tokenization library
BlingFire in Rust blingfire is a thin Rust wrapper for the BlingFire tokenization library. Add the library to Cargo.toml to get started cargo add blin
Read and modify constituency trees in Rust.
lumberjack Read and process constituency trees in various formats. Install: From crates.io: cargo install lumberjack-utils From GitHub: cargo install
An NLP-suite powered by deep learning
DeepFrog - NLP Suite Introduction DeepFrog aims to be a (partial) successor of the Dutch-NLP suite Frog. Whereas the various NLP modules in Frog wre b
Rust port of sentence-transformers (https://github.com/UKPLab/sentence-transformers)
Rust SBert Rust port of sentence-transformers using rust-bert and tch-rs. Supports both rust-tokenizers and Hugging Face's tokenizers. Supported model
Simple NLP in Rust with Python bindings
vtext NLP in Rust with Python bindings This package aims to provide a high performance toolkit for ingesting textual data for machine learning applica
Rust-tokenizer offers high-performance tokenizers for modern language models, including WordPiece, Byte-Pair Encoding (BPE) and Unigram (SentencePiece) models
rust-tokenizers Rust-tokenizer offers high-performance tokenizers for modern language models, including WordPiece, Byte-Pair Encoding (BPE) and Unigra
A fast implementation of Aho-Corasick in Rust.
aho-corasick A library for finding occurrences of many patterns at once with SIMD acceleration in some cases. This library provides multiple pattern s
A fast, low-resource Natural Language Processing and Text Correction library written in Rust.
nlprule A fast, low-resource Natural Language Processing and Error Correction library written in Rust. nlprule implements a rule- and lookup-based app
Semantic text segmentation. For sentence boundary detection, compound splitting and more.
NNSplit A tool to split text using a neural network. The main application is sentence boundary detection, but e. g. compound splitting for German is a
Rust native ready-to-use NLP pipelines and transformer-based models (BERT, DistilBERT, GPT2,...)
rust-bert Rust native Transformer-based models implementation. Port of Hugging Face's Transformers library, using the tch-rs crate and pre-processing
💥 Fast State-of-the-Art Tokenizers optimized for Research and Production
Provides an implementation of today's most used tokenizers, with a focus on performance and versatility. Main features: Train new vocabularies and tok
A simple neural net implementation.
PROPHET - Neural Network Library Linux Windows Codecov Coveralls Docs Crates.io A simple neural net implementation written in Rust with a focus on cac
🦀 Example of serving deep learning models in Rust with batched prediction
rust-dl-webserver This project provides an example of serving a deep learning model with batched prediction using Rust. In particular it runs a GPT2 m
Fwumious Wabbit, fast on-line machine learning toolkit written in Rust
Fwumious Wabbit is a very fast machine learning tool built with Rust inspired by and partially compatible with Vowpal Wabbit (much love! read more abo
Machine Learning Library for Rust
autograph Machine Learning Library for Rust undergoing maintenance Features Portable accelerated compute Run SPIR-V shaders on GPU's that support Vulk
Rust based Cross-GPU Machine Learning
HAL : Hyper Adaptive Learning Rust based Cross-GPU Machine Learning. Why Rust? This project is for those that miss strongly typed compiled languages.
Machine learning in Rust.
Rustml Rustml is a library for doing machine learning in Rust. The documentation of the project with a descprition of the modules can be found here. F
Awesome deep learning crate
NeuroFlow is fast neural networks (deep learning) Rust crate. It relies on three pillars: speed, reliability, and speed again. Hello, everyone! Work o
A deep learning library for rust
Alumina An experimental deep learning library written in pure rust. Breakage expected on each release in the short term. See mnist.rs in examples or R
A fast, safe and easy to use reinforcement learning framework in Rust.
RSRL (api) Reinforcement learning should be fast, safe and easy to use. Overview rsrl provides generic constructs for reinforcement learning (RL) expe
Orkhon: ML Inference Framework and Server Runtime
Orkhon: ML Inference Framework and Server Runtime Latest Release License Build Status Downloads Gitter What is it? Orkhon is Rust framework for Machin
Cleora AI is a general-purpose model for efficient, scalable learning of stable and inductive entity embeddings for heterogeneous relational data.
Cleora Cleora is a genus of moths in the family Geometridae. Their scientific name derives from the Ancient Greek geo γῆ or γαῖα "the earth", and metr
The Hacker's Machine Learning Engine
Juice This is the workspace project for juice - machine learning frameworks for hackers coaster - underlying math abstraction coaster-nn coaster-blas
High-performance automatic differentiation of LLVM.
The Enzyme High-Performance Automatic Differentiator of LLVM Enzyme is a plugin that performs automatic differentiation (AD) of statically analyzable
Tensors and differentiable operations (like TensorFlow) in Rust
autograd Differentiable operations and tensors backed by ndarray. Motivation Machine learning is one of the field where Rust lagging behind other lang
Xaynet represents an agnostic Federated Machine Learning framework to build privacy-preserving AI applications.
xaynet Xaynet: Train on the Edge with Federated Learning Want a framework that supports federated learning on the edge, in desktop browsers, integrate
High-performance runtime for data analytics applications
Weld Documentation Weld is a language and runtime for improving the performance of data-intensive applications. It optimizes across libraries and func
Open deep learning compiler stack for cpu, gpu and specialized accelerators
Open Deep Learning Compiler Stack Documentation | Contributors | Community | Release Notes Apache TVM is a compiler stack for deep learning systems. I
https://getrust.tech
learn-rust 这是一个分享Rust学习资料的在线学习网站 https://getrust.tech 📚 。 微信群二维码过期你可以添加我微信: AA996DD 目的是什么 ❓ 通过连载文章的形式帮助有一定其他语言编程基础的人快速学习和入门 Rust 内容包括 Rust 基础、内置库、web
An inquiry into nondogmatic software development. An experiment showing double performance of the code running on JVM comparing to equivalent native C code.
java-2-times-faster-than-c An experiment showing double performance of the code running on JVM comparing to equivalent native C code ⚠️ The title of t
🥸 Learning WebAssembly
learn-wasm # Initialize the project # https://github.com/lencx/create-xc-app npm init xc-app learn-wasm -t wasm-react Awesome Lists WebAssembly入门 Exam
个人的 rust 学习资料
🔝 通知: 项目文档迁移到: https://github.com/higker/learn-rust learning-rust-zh 个人的 rust 学习资料 学习目录 目录 源代码地址 相关解析 第一个rust程序 https://github.com/higker/learning-ru
Wait, another virtual machine ?
WAVM WAVM, Wait, another virtual machine ?, is a register based 64 bits virtual machine written in Rust. It relies on 32 registers and 31 opcodes that
A bunch of links to blog posts, articles, videos, etc for learning Rust
rust-learning A bunch of links to blog posts, articles, videos, etc for learning Rust. Feel free to submit a pull request if you have some links/resou