machine-learning-with-ruby
ML toolkit
A curated collection of resources and tutorials for building machine learning models using the Ruby programming language.
Curated list: Resources for machine learning in Ruby
2k stars
115 watching
180 forks
Language: Ruby
last commit: 12 months ago
Linked from 5 awesome lists
awesomeawesome-listlistmachine-learningmlrubyruby-gemrubymlrubynlp
Awesome Machine Learning with Ruby / Tutorials | |||
Ruby neural networks | |||
How to implement linear regression in Ruby | |||
How to implement classification using logistic regression in Ruby | |||
How to implement simple binary classification using a Neural Network in Ruby | |||
How to implement classification using a SVM in Ruby | |||
Unsupervised learning using k-means clustering in Ruby | |||
Teaching an AI to play a simple game using Q-Learning in Ruby | |||
Teaching a Neural Network to play a game using Q-Learning in Ruby | |||
Using the Python scikit-learn machine learning library in Ruby using PyCall | |||
How to evolve neural networks in Ruby using the Machine Learning Workbench | 20 | about 3 years ago | |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Frameworks | |||
LangChain.rb | 1,415 | 9 days ago | - Build ML/AI-supercharged applications with Ruby's LangChain |
weka | 65 | 11 months ago | - JRuby bindings for Weka, different ML algorithms implemented through Weka |
ai4r | 713 | about 3 years ago | - Artificial Intelligence for Ruby |
classifier-reborn | 552 | 6 months ago | - General classifier module to allow Bayesian and other types of classifications |
scoruby | 68 | about 2 years ago | - Ruby scoring API for (Predictive Model Markup Language) |
rblearn | 1 | over 8 years ago | Feature Extraction and Crossvalidation library |
data_modeler | 1 | over 7 years ago | - Model your data with machine learning. Ample test coverage, examples to start fast, complete documentation. Production ready since 1.0.0 |
shogun | 3,034 | 11 months ago | Polyfunctional and mature machine learning toolbox with |
aws-sdk-machinelearning | 3,578 | 6 days ago | - Machine Learning API of the Amazon Web Services |
azure_mgmt_machine_learning | 275 | almost 2 years ago | - Machine Learning API of the Microsoft Azure |
machine_learning_workbench | 20 | about 3 years ago | - Growing machine learning framework written in pure Ruby, high performance computing using , CUDA bindings through . Currently implementating neural networks, evolutionary strategies, vector quantization, and plenty of examples and utilities |
Deep NeuroEvolution | 125 | almost 5 years ago | - Experimental setup based on the towards searching for deep neural networks (rather than training) using evolutionary algorithms. Applications to the using |
rumale | 785 | 8 months ago | - Machine Learninig toolkit in Ruby with wide range of implemented algorithms (SVM, Logistic Regression, Linear Regression, Random Forest etc.) and interfaces similar to in Python |
eps | 657 | 9 days ago | Bayesian Classification and Linear Regression with exports using and an alternative backend using |
ruby-openai | 2,799 | 23 days ago | OpenAI API wrapper |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Neural networks | |||
neural-net-ruby | 127 | over 7 years ago | - Neural network written in Ruby |
ruby-fann | 497 | 8 months ago | - Ruby bindings to the |
cerebrum | 36 | over 5 years ago | - Experimental implementation for Artificial Neural Networks in Ruby |
tlearn-rb | 96 | almost 7 years ago | - Recurrent Neural Network library for Ruby |
brains | 60 | over 7 years ago | - Feed-forward neural networks for JRuby based on |
machine_learning_workbench | 20 | about 3 years ago | - Framework including pure-Ruby implementation of both feed-forward and recurrent neural networks (fully connected). Training available using neuroevolution (Natural Evolution Strategies algorithms) |
rann | 3 | almost 7 years ago | - Flexible Ruby ANN implementation with backprop (through-time, for recurrent nets), gradient checking, adagrad, and parallel batch execution |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Deep learning | |||
tensor_stream | 507 | almost 4 years ago | - Ground-up and standalone reimplementation of TensorFlow for Ruby |
red-chainer | 104 | almost 3 years ago | Deep learning framework for Ruby |
tensorflow | 829 | almost 3 years ago | Ruby bindings for |
ruby-dnn | 46 | over 1 year ago | Simple deep learning for Ruby |
torch-rb | 733 | 10 days ago | Ruby bindings for using |
mxnet | 48 | almost 4 years ago | Ruby bindings for |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Kernel methods | |||
rb-libsvm | 279 | 12 months ago | - Support Vector Machines with Ruby and the library |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Evolutionary algorithms | |||
machine_learning_workbench | 20 | about 3 years ago | - Framework including pure-Ruby implementations of Natural Evolution Strategy algorithms (black-box optimization), specifically Exponential NES (XNES), Separable NES (sNES), Block-Diagonal NES (BDNES) and more. Applications include neural network search/training (neuroevolution) |
simple_ga | 9 | about 8 years ago | - Simplest Genetic Algorithms implementation in Ruby |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Bayesian methods | |||
linnaeus | 38 | almost 9 years ago | - Redis-backed Bayesian classifier |
naive_bayes | 49 | almost 13 years ago | - Simple Naive Bayes classifier |
nbayes | 153 | 9 months ago | - Full-featured, Ruby implementation of Naive Bayes |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Decision trees | |||
decisiontree | 1,439 | about 6 years ago | - Decision Tree ID3 Algorithm in pure Ruby. |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Clustering | |||
kmeans-clusterer | 96 | about 4 years ago | - k-means clustering in Ruby |
k_means | 115 | over 8 years ago | - Attempting to build a fast, memory efficient K-Means program |
knn | 37 | over 4 years ago | - Simple K Nearest Neighbour Algorithm |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Linear classifiers | |||
liblinear-ruby-swig | 83 | over 1 year ago | - Ruby interface to LIBLINEAR (much more efficient than LIBSVM for text classification) |
liblinear-ruby | 83 | over 5 years ago | - Ruby interface to LIBLINEAR using SWIG |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Statistical models | |||
rtimbl | 5 | about 15 years ago | - Memory based learners from the Timbl framework |
lda-ruby | 133 | about 4 years ago | - Ruby implementation of the (Latent Dirichlet Allocation) for automatic Topic Modelling and Document Clustering |
maxent_string_classifier | 9 | over 15 years ago | - JRuby maximum entropy classifier for string data, based on the OpenNLP Maxent framework |
omnicat | 11 | almost 4 years ago | - Generalized rack framework for text classifications |
omnicat-bayes | 32 | almost 4 years ago | - Naive Bayes text classification implementation as an OmniCat classifier strategy |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Gradient boosting | |||
xgboost | 19 | over 6 years ago | — Ruby bindings for XGBoost |
xgb | 105 | about 1 month ago | — Ruby bindings for XGBoost |
lightgbm | 74 | 8 days ago | — Ruby bindings for LightGBM |
Awesome Machine Learning with Ruby / Machine Learning Libraries / Vector search | |||
flann | 2,250 | 4 months ago | - Ruby bindings for the (Fast Library for Approximate Nearest Neighbors) |
annoy-rb | 34 | about 1 month ago | - Ruby bindings for the (Approximate Nearest Neighbors Oh Yeah) |
hnswlib.rb | 15 | 11 months ago | - Ruby bindings for the that implements approximate nearest neighbor search with Hierarchical Navigable Small World graphs |
ngt-ruby | 50 | 28 days ago | - Ruby bindings for the (Neighborhood Graph and Tree for Indexing High-dimensional data) |
milvus | 24 | 7 days ago | — Ruby client for Milvus Vector DB |
pinecone | 62 | 3 months ago | — Ruby client for Pinecone Vector DB |
qdrant-ruby | 39 | 24 days ago | — Ruby wrapper for the Qdrant vector search database API |
weaviate-ruby | 49 | about 2 months ago | — Ruby wrapper for the Weaviate vector search database API |
Awesome Machine Learning with Ruby / Applications of machine learning | |||
phashion | 704 | 5 months ago | - Ruby wrapper around pHash, the perceptual hash library for detecting duplicate multimedia files |
Awesome Machine Learning with Ruby / Articles, Posts, Talks, and Presentations | |||
Justin Bowen | by | ||
Joseph Emmanuel Dayo | by | ||
@kojix | by | ||
Kenta Murata | by & | ||
Denis Sellu | by | ||
Prasun Anand | by | ||
Matthew Mongeau | by | ||
Richard Schneeman | by | ||
RubyThursday | by | ||
Jordan Hudgens | by | ||
Geoffrey Litt | by | ||
Kei Sawada | by | ||
Eric Weinstein | by | ||
Brian Sam-Bodden | by | ||
Kenta Murata | by | ||
RubyThursday | by | ||
Lorenzo Masini | by | ||
Rick Carlino | by | ||
Matthew Kirk | by | ||
Benjamin Curtis | by | ||
John Paul Ashenfelter | by | ||
Matthew Kirk | by | ||
Marcel Caraciolo | by | ||
Marc Berszick | by | ||
Vasily Vasinov | by | ||
Joseph Wilk | by | ||
Matthew Kirk | by | ||
Andrew Cantino | by and | ||
Colin Drake | by | ||
Rimas Silkaitis | by | ||
Mike Perham | by | ||
Ilya Grigorik | by | ||
Ilya Grigorik | by | ||
Ilya Grigorik | by | ||
Awesome Machine Learning with Ruby / Projects and Code Examples | |||
Wine Clustering | 0 | over 10 years ago | - Wine quality estimations clustered with different algorithms |
simple_ga | 9 | about 8 years ago | - Basic (working) demo of Genetic Algorithms in Ruby |
Handwritten Digits Recognition | 6 | over 3 years ago | - Handwritten digits recognition using Neural Networks and Ruby |
Awesome Machine Learning with Ruby / Heroku buildpacks | |||
GSL and Ruby buildpack | 3 | over 4 years ago | |
OpenCV and Ruby buildpack | 3 | over 10 years ago | |
ImageMagick buildpack | 45 | almost 10 years ago | |
Awesome Machine Learning with Ruby / Books, Blogs, Channels | |||
Kirk, Matthew | . . O'Reilly, 2014 | ||
Practical Artificial Intelligence | - Blog about Artificial Intelligence and Machine Learning with tutorials and code samples in Ruby | ||
Awesome Machine Learning with Ruby / Community | |||
SciRuby Mailing List | |||
SciRuby Slack | |||
Red Data Gitter | |||
Stack Overflow | |||
NonWebRuby | |||
Ruby AI Builders Discord | |||
X Ruby AI group | |||
Mastodon Ruby AI and Data group | |||
Awesome Machine Learning with Ruby / Related Resources | |||
[GSL (GNU Scientific Library)][gls] | |||
scikit-learn algorithm cheatsheet | |||
Awesome Ruby | 13,604 | 23 days ago | - Among other awesome items a short list of NLP related projects |
Ruby NLP | 1,269 | over 1 year ago | - State-of-Art collection of Ruby libraries for NLP |
Speech and Natural Language Processing | 2,199 | over 5 years ago | - General List of NLP related resources (mostly not for Ruby programmers) |
Scientific Ruby | - Linear Algebra, Visualization and Scientific Computing for Ruby | ||
iRuby | 901 | 7 days ago | IRuby kernel for Jupyter (formerly IPython) |
Kiba | 1,754 | 13 days ago | - Lightweight (Extract, Transform, Load) pipeline |
Awesome OCR | 2,820 | 5 months ago | - Multitude of OCR (Optical Character Recognition) resources |
Awesome TensorFlow | 17,208 | 28 days ago | - Machine Learning with TensorFlow libraries |
rb-gsl | 100 | 6 months ago | - Ruby interface to the |
The Definitive Guide to Ruby's C API | - Modern Reference and Tutorial on Embedding and Extending Ruby using C programming language |