Top 23 reinforcement-learning Open-Source Projects
-
Ray
An open source framework that provides a simple, universal API for building distributed applications. Ray is packaged with RLlib, a scalable reinforcement learning library, and Tune, a scalable hyperparameter tuning library.
Project mention: Help needed to understand Rllib attention model parameters | reddit.com/r/reinforcementlearning | 2022-05-07Cross-posting the answer from the ray.io Discourse forum:
-
applied-ml
📚 Papers & tech blogs by companies sharing their work on data science & machine learning in production.
The second repo I LOVE is Eugene Yan’s Applied ML repository. This is a brilliant idea to create and actually something I was planning on sort of casually doing in my non-existent free time… Anyhow, it is a curated list of technical posts from top engineering teams (Netflix, Amazon, Pinterest, Linkedin, etc.) detailing how they built out different types of AI/ML systems (e.g. forecasting, recommenders, search and ranking, etc.). Ofc, it focuses on AI/ML, but something similar could be made for the traditional or BI-oriented analytics stack, as well as the streaming world, super high value for practitioners! Btw-one of my favorite things at BCG used to be looking at our IT architecture team’s reference architecture diagrams… the best way to understand technologies is to look at how a ton of stuff is architected… and its fun!
-
SonarLint
Deliver Cleaner and Safer Code - Right in Your IDE of Choice!. SonarLint is a free and open source IDE extension that identifies and catches bugs and vulnerabilities as you code, directly in the IDE. Install from your favorite IDE marketplace today.
-
ml-agents
The Unity Machine Learning Agents Toolkit (ML-Agents) is an open-source project that enables games and simulations to serve as environments for training intelligent agents using deep reinforcement learning and imitation learning.
Project mention: How do I compare different ML-Agent Models in Tensorboard??? | reddit.com/r/Unity3D | 2022-05-19I found this video quite useful: https://youtu.be/NP5q72XYdTs and there is the docs here https://github.com/Unity-Technologies/ml-agents/blob/main/docs/Using-Tensorboard.md
-
tensor2tensor
Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.
Project mention: [D] Resources for Understanding The Original Transformer Paper | reddit.com/r/MachineLearning | 2021-09-08Code for https://arxiv.org/abs/1706.03762 found: https://github.com/tensorflow/tensor2tensor
-
reinforcement-learning-an-introduction
Python Implementation of Reinforcement Learning: An Introduction
Project mention: Reinforcement Learning - looking for some resources | reddit.com/r/reinforcementlearning | 2022-04-09 -
deep-learning-drizzle
Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!
Project mention: Consolidated Video lectures for Machine Learning(including DL, CV, NLP, etc) | reddit.com/r/developersIndia | 2022-01-22Also this as well for whoever needs it
-
Bullet
Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.
Project mention: Help with installing a program from bitbucket! | reddit.com/r/linux4noobs | 2022-05-09Could this be the library it's talking about? https://github.com/bulletphysics/bullet3
-
Scout APM
Less time debugging, more time building. Scout APM allows you to find and fix performance issues with no hassle. Now with error monitoring and external services monitoring, Scout is a developer's best friend when it comes to application development.
-
-
nn
🧑🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
-
vowpal_wabbit
Vowpal Wabbit is a machine learning system which pushes the frontier of machine learning with techniques such as online, hashing, allreduce, reductions, learning2search, active, and interactive learning.
Project mention: [Discussion] Support Vector Machines... in 2022 | reddit.com/r/MachineLearning | 2022-04-052) A lot of people have worked on making SVMs scalable. But you have to realize that scikit learn is a library that only offers basic versions of basic algorithms, so if you think you'll find advanced approaches to SVM scalability there you'll end up disappointed. But there are versions that use GPUs or a multithreaded implementation for the computation of the kernel matrices (which is the most expensive part of training). The "solver" (=optimizer) part of an SVM can also be scaled. scikit-learn relies on libsvm for its solver, which by default is single threaded. But nothing stops you from applying other solvers (e.g. Gradient Descent, with all of it's niceties) to the problem. I'm not sure what's the state of the art today, but it used to be that e.g. vowpal wabbit had a bunch of really fast, scalable SVM algorithms.
-
-
Project mention: Introduction to ‘TensorLayer’: A Python-based Versatile Deep Learning Library Designed for Machine Learning Researchers | reddit.com/r/Python | 2022-02-20
Github: https://github.com/tensorlayer/TensorLayer
-
Project mention: [D] Paper Explained - Sparse is Enough in Scaling Transformers (aka Terraformer) | Video Walkthrough | reddit.com/r/MachineLearning | 2021-12-01
Code: https://github.com/google/trax/blob/master/trax/examples/Terraformer_from_scratch.ipynb
-
amazon-sagemaker-examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
Project mention: amazon-sagemaker-examples: Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker. | reddit.com/r/u_TsukiZombina | 2022-04-18 -
awesome-artificial-intelligence
A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers.
-
Project mention: How to save an attention model for deployment/exposing to an API? | reddit.com/r/deeplearning | 2021-08-17
I've been following a course teaching how to make an attention model for neural machine translation, This is the file inside the repo. I know that I'll have to use certain functions to make the textual input be processed in encodings and tokens, but those functions use certain instances of the model, which I don't know if I should keep or not. If anyone can please take a look and help me out here, it'd be really really appreciated.
-
-
-
client
🔥 A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API. (by wandb)
Project mention: Roadmap for learning MLOps (for DevOps engineers) | reddit.com/r/mlops | 2022-01-31I want to take a look at tools like https://wandb.ai/ and they would integrate into some of the pipelines I'm playing with.
-
As you will see here it is recommended to augment this safety measure with target kl_divergence, that will ensure even smoother learning and enforce early stopping to prevent learning collapses.
-
stable-baselines3
PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.
Project mention: Change learning rate of a saved model | reddit.com/r/reinforcementlearning | 2022-01-24Looking at the code in base_class.py, it looks like it uses a learning rate scheduler with an initial value set with self.learning_rate. Have you tried setting the value of model.learning_rate?
-
Reinforcement-Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning (by andri27-ts)
-
open_spiel
OpenSpiel is a collection of environments and algorithms for research in general reinforcement learning and search/planning in games.
Project mention: Are there any other high-quality pre-built Python training environments other than Open AI's GYM? | reddit.com/r/reinforcementlearning | 2022-04-30OpenSpiel for reinforcement learning in games
reinforcement-learning related posts
- Installing & Using MuJoCo 2.1.5 with OpenAi Gym
- How do I compare different ML-Agent Models in Tensorboard???
- awesome-ai-in-finance: curated list of books/online courses/papers on AI and finance. Topics include crypto trading strategies/ta/backter etc. Other Models - star count:1377.0
- awesome-ai-in-finance: curated list of books/online courses/papers on AI and finance. Topics include crypto trading strategies/ta/backter etc. Other Models - star count:1377.0
- Are there any other high-quality pre-built Python training environments other than Open AI's GYM?
- awesome-ai-in-finance: curated list of books/online courses/papers on AI and finance. Topics include crypto trading strategies/ta/backter etc. Other Models - star count:1377.0
- awesome-ai-in-finance: curated list of books/online courses/papers on AI and finance. Topics include crypto trading strategies/ta/backter etc. Other Models - star count:1377.0
Index
What are some of the best open-source reinforcement-learning projects? This list will help you:
Project | Stars | |
---|---|---|
1 | Ray | 20,487 |
2 | applied-ml | 19,667 |
3 | ml-agents | 12,878 |
4 | tensor2tensor | 12,288 |
5 | reinforcement-learning-an-introduction | 11,474 |
6 | deep-learning-drizzle | 10,089 |
7 | Bullet | 9,308 |
8 | TensorFlow-Tutorials | 8,996 |
9 | nn | 8,851 |
10 | vowpal_wabbit | 7,955 |
11 | pysc2 | 7,514 |
12 | TensorLayer | 7,004 |
13 | trax | 6,909 |
14 | amazon-sagemaker-examples | 6,892 |
15 | awesome-artificial-intelligence | 6,763 |
16 | machine_learning_examples | 6,743 |
17 | Practical_RL | 4,962 |
18 | neurojs | 4,340 |
19 | client | 3,888 |
20 | stable-baselines | 3,529 |
21 | stable-baselines3 | 3,476 |
22 | Reinforcement-Learning | 3,385 |
23 | open_spiel | 3,181 |
Are you hiring? Post a new remote job listing for free.