52 Repositories
Rust neural Libraries
🔠interactively explore `onnx` networks in your CLI.
nnli Interactively explore onnx networks in your CLI. Get nnli 🎉 From Cargo cargo install nnli From Github git clone https://github.com/drbh/nnli.git
A rust chess implementation using a neural network scoring function built on huggingface/candle + rust + wasm
Rusty Chess What is it? Rusty Chess aims to be a high quality embeddable chess engine that runs entirely locally in the browser (no backend required).
A simplified example in Rust of training a neural network and then using it based on the Candle Framework by Hugging Face.
candle-simplified-example A simplified example in Rust of training a neural network and then using it based on the Candle Framework by Hugging Face. H
The CBNF neural network header format.
cbnf The CBNF neural network header format. What is CBNF? CBNF is a neural network header format for use with efficiently updatable neural networks fo
An experimental Neural Network trainer/visualizer in Rust
DeepRender An experimental Neural Network trainer/visualizer in Rust Try it on your browser! https://msakuta.github.io/DeepRender/ Training on a funct
A fun, hackable, GPU-accelerated, neural network library in Rust, written by an idiot
Tensorken: A Fun, Hackable, GPU-Accelerated, Neural Network library in Rust, Written by an Idiot (work in progress) Understanding deep learning from t
LLaMa 7b with CUDA acceleration implemented in rust. Minimal GPU memory needed!
LLaMa 7b in rust This repo contains the popular LLaMa 7b language model, fully implemented in the rust programming language! Uses dfdx tensors and CUD
AI learns to play flappy bird using neuro-evolution, implemented in Rust using macroquad
Flappy Bird AI AI learns to play flappy bird. This is a neuro-evolution simulation of flappy birds implemented in rust using macroquad Demo Usage Clon
A small, basical and unoptimized version of RWKV in Rust written by someone with no math or ML knowledge.
Smol Rust RWKV What is it? A simple example of the RWKV approach to language models written in Rust by someone that knows basically nothing about math
Build neural network models in Cairo 1.0
Explore ML in Cairo 1.0 Build neural network models in Cairo 1.0 to perform inference. The calculations are performed using i33 values, and the outcom
Neural Network implementation from scratch using Cairo 1.0
Neural Network for MNIST in Cairo 1.0 Implementation of a Neural Network from scratch using Cairo 1.0 for MNIST predictions. The NN has a simple two-l
Welcome to our bird training simulator! Here you can observe the birds in real time, and use the genetic algorithm to train them to fly and eat food. Through the process of natural selection, this allows the best birds to survive and evolve over generations.
Flyoff Flyoff is a project that uses Rust and WebAssembly (WASM) to train virtual birds to get the most food using a genetic algorithm and a custom ne
Neural network implementations from scratch in Rust.
Neural Network from Scratch Neural network implementations from scratch in Rust. Setup & Run Dataset used is mnist. Download the 4 archives and extrac
A gpu accelerated (optional) neural network Rust crate.
Intricate A GPU accelerated library that creates/trains/runs neural networks in pure safe Rust code. Architechture overview Intricate has a layout ver
A neural network model that can approximate any non-linear function by using the random search algorithm for the optimization of the loss function.
random_search A neural network model that can approximate any non-linear function by using the random search algorithm for the optimization of the los
A light wheight Neural Network library with a focus on ease of use and speed.
Smarty Pants This goal of this library is to: Produce NeuralNetworks that will always give the same result when given the same input. Provide methods
NEATeRS is a library for training a genetic neural net through reinforcement learning.
NEATeRS NEATeRS is a library for training a genetic neural net through reinforcement learning. It uses the NEAT algorithm developed by Ken Stanley whi
Toy library for neural networks in Rust using Vulkan compute shaders
descent Toy library for neural networks in Rust using Vulkan compute shaders. Features Multi-dimensional arrays backed by Vulkan device memory Use Rus
Neural syntax annotator, supporting sequence labeling, lemmatization, and dependency parsing.
SyntaxDot Introduction SyntaxDot is a sequence labeler and dependency parser using Transformer networks. SyntaxDot models can be trained from scratch
Rust bindings for darknet
Rust bindings for darknet Darknet: Convolutional Neural Networks todo rewrite the demo function used in yolo.c in rust Examples Link existing files an
n2 is a library implementation of a feedforward, backpropagation artificial neural network.
n2 is a library implementation of a feedforward, backpropagation artificial neural network. Usage Add the following to the [dependencies] section o
Neural Networks in Rust, without backpropagation. WIP
Deep Thought As of right now, this crate is far from a usable state. This crate implements feedforward-neural Networks in rust. Unlike the vast majori
Deep learning superresolution in pure rust
Rusty_SR A Rust super-resolution tool, which when given a low resolution image utilises deep learning to infer the corresponding high resolution image
Self Organizing Map (SOM) is a type of Artificial Neural Network (ANN) that is trained using an unsupervised, competitive learning to produce a low dimensional, discretized representation (feature map) of higher dimensional data.
som Self Organizing Map Pre-requisites Setup rust To download Rustup and install Rust, run the following in your terminal, then follow the on-screen i
Machine learning Neural Network in Rust
vinyana vinyana - stands for mind in pali language. Goal To implement a simple Neural Network Library in order to understand the maths behind it. This
Blackmarlin is a chess engine fully written in Rust.
Blackmarlin WIP UCI Chess Engine Blackmarlin is a chess engine fully written in Rust. Make sure to compile the chess engine with cargo build --release
Simple Neural Network on rust
Simple Artificial Neural Network A crate that implements simple usage of dense neural networks. Instalation Add this to your dependencies on Cargo.tom
🚀 efficient approximate nearest neighbor search algorithm collections library written in Rust 🦀 .
🚀 efficient approximate nearest neighbor search algorithm collections library written in Rust 🦀 .
Qdrant - vector similarity search engine with extended filtering support
Vector Similarity Search Engine with extended filtering support Qdrant (read: quadrant ) is a vector similarity search engine. It provides a productio
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
Tensors and dynamic neural networks in pure Rust.
Neuronika is a machine learning framework written in pure Rust, built with a focus on ease of use, fast prototyping and performance. Dynamic neural ne
Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference
Sonos' Neural Network inference engine. This project used to be called tfdeploy, or Tensorflow-deploy-rust. What ? tract is a Neural Network inference
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
GraphScope: A One-Stop Large-Scale Graph Computing System from Alibaba
A One-Stop Large-Scale Graph Computing System from Alibaba GraphScope is a unified distributed graph computing platform that provides a one-stop envir
Compile-time creation of neural networks
Mushin: Compile-time creation of neural networks Mushin is a Japanese term used in martial arts that refers to the state of mind obtained by practice.
Compile-time creation of neural networks with Rust
GAMMA Compile-time creation of neural networks with Rust Description This is for now just a showcase project of what can be done with const generics i
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
Neural network transition-based dependency parser (in Rust)
dpar Introduction dpar is a neural network transition-based dependency parser. The original Go version can be found in the oldgo branch. Dependencies
Rust wrapper for the Fast Artificial Neural Network library
fann-rs Rust wrapper for the Fast Artificial Neural Network (FANN) library. This crate provides a safe interface to FANN on top of the low-level bindi
Rust implementation of real-coded GA for solving optimization problems and training of neural networks
revonet Rust implementation of real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also know
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
Simple neural network library for classification written in Rust.
Cogent A note I continue working on GPU stuff, I've made some interesting things there, but ultimately it made me realise this is far too monumental a
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
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
Neural networks in Rust
deeplearn-rs Deep learning in Rust! This is my first shot at this. It's mostly just a proof of concept right now. The API will change. Status We have
A neural network crate
RustNN An easy to use neural network library written in Rust. Crate Documentation Description RustNN is a feedforward neural network library. The libr
Tiny, no-nonsense, self-contained, Tensorflow and ONNX inference
Sonos' Neural Network inference engine. This project used to be called tfdeploy, or Tensorflow-deploy-rust. What ? tract is a Neural Network inference
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
Rust bindings for the C++ api of PyTorch.
tch-rs Rust bindings for the C++ api of PyTorch. The goal of the tch crate is to provide some thin wrappers around the C++ PyTorch api (a.k.a. libtorc
Radiate is a parallel genetic programming engine capable of evolving solutions to many problems as well as training learning algorithms.
Radiate Coming from Evolutionary Radiation. Evolutionary radiation is a rapid increase in the number of species with a common ancestor, characterized
Rust implementation of real-coded GA for solving optimization problems and training of neural networks
revonet Rust implementation of real-coded genetic algorithm for solving optimization problems and training of neural networks. The latter is also know