reinforcement-learning

Open-source projects categorized as reinforcement-learning

Top 23 reinforcement-learning Open-Source Projects

  • cs-video-courses

    List of Computer Science courses with video lectures.

  • Project mention: Need advice | /r/PAK | 2023-07-12

    course Computer science is very wast field the fundamental remains same, learn basic fundamentals, data structures, concepts of object oriented programming.

  • nn

    ๐Ÿง‘โ€๐Ÿซ 60 Implementations/tutorials of deep learning papers with side-by-side notes ๐Ÿ“; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, sophia, ...), gans(cyclegan, stylegan2, ...), ๐ŸŽฎ reinforcement learning (ppo, dqn), capsnet, distillation, ... ๐Ÿง 

  • InfluxDB

    Power Real-Time Data Analytics at Scale. Get real-time insights from all types of time series data with InfluxDB. Ingest, query, and analyze billions of data points in real-time with unbounded cardinality.

    InfluxDB logo
  • Ray

    Ray is a unified framework for scaling AI and Python applications. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.

  • Project mention: Ray: Unified framework for scaling AI and Python applications | news.ycombinator.com | 2024-05-03
  • applied-ml

    ๐Ÿ“š Papers & tech blogs by companies sharing their work on data science & machine learning in production.

  • d2l-en

    Interactive deep learning book with multi-framework code, math, and discussions. Adopted at 500 universities from 70 countries including Stanford, MIT, Harvard, and Cambridge.

  • 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 change the maximum number of steps for training | /r/MLAgents | 2023-12-07
  • reinforcement-learning-an-introduction

    Python Implementation of Reinforcement Learning: An Introduction

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
  • Bullet

    Bullet Physics SDK: real-time collision detection and multi-physics simulation for VR, games, visual effects, robotics, machine learning etc.

  • Project mention: Blaze: A High Performance C++ Math library | news.ycombinator.com | 2024-04-17

    For typical game physics engines... not that much. Math libraries like Eigen or Blaze use lots of template metaprogramming techniques under the hood that can help when you're doing large batched matrix multiplications (since it can remove temporary allocations at compile-time and can also fuse operations efficiently, as well as applying various SIMD optimizations), but it doesn't really help when you need lots of small operations (with mat3 / mat4 / vec3 / quat / etc.). Typical game physics engines tend to use iterative algorithms for their solvers (Gauss-Seidel, PBD, etc...) instead of batched "matrix"-oriented ones, so you'll get less benefits out of Eigen / Blaze compared to what you typically see in deep learning / scientific computing workloads.

    The codebases I've seen in many game physics engines seem to all roll their own math libraries for these stuff, or even just use SIMD (SSE / AVX) intrinsics directly. Examples: PhysX (https://github.com/NVIDIA-Omniverse/PhysX), Box2D (https://github.com/erincatto/box2d), Bullet (https://github.com/bulletphysics/bullet3)...

  • deep-learning-drizzle

    Drench yourself in Deep Learning, Reinforcement Learning, Machine Learning, Computer Vision, and NLP by learning from these exciting lectures!!

  • FinGPT

    FinGPT: Open-Source Financial Large Language Models! Revolutionize ๐Ÿ”ฅ We release the trained model on HuggingFace.

  • Project mention: GPT-4, without specialized training, beat a GPT-3.5 class model that cost $10B | news.ycombinator.com | 2024-03-24

    There is also the open source FinGPT, that is claimed to beat GPT4 in some benchmarks at a fine tuning cost of $17.25.

    https://github.com/AI4Finance-Foundation/FinGPT

  • awesome-artificial-intelligence

    A curated list of Artificial Intelligence (AI) courses, books, video lectures and papers.

  • Project mention: FLaNK AI - 15 April 2024 | dev.to | 2024-04-15
  • amazon-sagemaker-examples

    Example ๐Ÿ““ Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using ๐Ÿง  Amazon SageMaker.

  • Project mention: Thesis Project Help Using SageMaker Free Tier | /r/aws | 2023-09-23

    I need to use AWS Sagemaker (required, can't use easier services) and my adviser gave me this document to start with: https://github.com/aws/amazon-sagemaker-examples/blob/main/introduction_to_amazon_algorithms/jumpstart-foundation-models/question_answering_retrieval_augmented_generation/question_answering_langchain_jumpstart.ipynb

  • TensorFlow-Tutorials

    TensorFlow Tutorials with YouTube Videos

  • 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.

  • wandb

    ๐Ÿ”ฅ A tool for visualizing and tracking your machine learning experiments. This repo contains the CLI and Python API.

  • Project mention: A list of SaaS, PaaS and IaaS offerings that have free tiers of interest to devops and infradev | dev.to | 2024-02-05

    Weights & Biases โ€” The developer-first MLOps platform. Build better models faster with experiment tracking, dataset versioning, and model management. Free tier for personal projects only, with 100 GB of storage included.

  • machine_learning_examples

    A collection of machine learning examples and tutorials.

  • Project mention: Doubt about numpy's eigen calculation | /r/learnmachinelearning | 2023-05-25

    Does that mean that the example I found on the internet is wrong (I think it comes from a DL Course, so I'd imagine it is not wrong)? or does it mean that I am comparing two different things? I guess this has to deal with right and left eigen vectors as u/JanneJM pointed out in her comment?

  • stable-baselines3

    PyTorch version of Stable Baselines, reliable implementations of reinforcement learning algorithms.

  • Project mention: Sim-to-real RL pipeline for open-source wheeled bipeds | /r/robotics | 2023-12-09

    The latest release (v3.0.0) of Upkie's software brings a functional sim-to-real reinforcement learning pipeline based on Stable Baselines3, with standard sim-to-real tricks. The pipeline trains on the Gymnasium environments distributed in upkie.envs (setup: pip install upkie) and is implemented in the PPO balancer. Here is a policy running on an Upkie:

  • trax

    Trax โ€” Deep Learning with Clear Code and Speed

  • Project mention: Maxtext: A simple, performant and scalable Jax LLM | news.ycombinator.com | 2024-04-23

    Is t5x an encoder/decoder architecture?

    Some more general options.

    The Flax ecosystem

    https://github.com/google/flax?tab=readme-ov-file

    or dm-haiku

    https://github.com/google-deepmind/dm-haiku

    were some of the best developed communities in the Jax AI field

    Perhaps the โ€œtraxโ€ repo? https://github.com/google/trax

    Some HF examples https://github.com/huggingface/transformers/tree/main/exampl...

    Sadly it seems much of the work is proprietary these days, but one example could be Grok-1, if you customize the details. https://github.com/xai-org/grok-1/blob/main/run.py

  • pysc2

    StarCraft II Learning Environment

  • PaLM-rlhf-pytorch

    Implementation of RLHF (Reinforcement Learning with Human Feedback) on top of the PaLM architecture. Basically ChatGPT but with PaLM

  • Project mention: How should I get an in-depth mathematical understanding of generative AI? | /r/datascience | 2023-05-18

    ChatGPT isn't open sourced so we don't know what the actual implementation is. I think you can read Open Assistant's source code for application design. If that is too much, try Open Chat Toolkit's source code for developer tools . If you need very bare implementation, you should go for lucidrains/PaLM-rlhf-pytorch.

  • TensorLayer

    Deep Learning and Reinforcement Learning Library for Scientists and Engineers

  • Gymnasium

    An API standard for single-agent reinforcement learning environments, with popular reference environments and related utilities (formerly Gym)

  • Project mention: NASA JPL Open Source Rover That Runs ROS 2 | news.ycombinator.com | 2023-09-22

    "Show HN: Ghidra Plays Mario" (2023) https://news.ycombinator.com/item?id=37475761 :

    [RL, MuZero reduxxxx ]

    > Farama-Foundation/Gymnasium is a fork of OpenAI/gym and it has support for additional Environments like MuJoCo: https://github.com/Farama-Foundation/Gymnasium#environments

    > Farama-Foundatiom/MO-Gymnasiun: "Multi-objective Gymnasium environments for reinforcement learning": https://github.com/Farama-Foundation/MO-Gymnasium

  • Practical_RL

    A course in reinforcement learning in the wild

  • SaaSHub

    SaaSHub - Software Alternatives and Reviews. SaaSHub helps you find the best software and product alternatives

    SaaSHub logo
NOTE: The open source projects on this list are ordered by number of github stars. The number of mentions indicates repo mentiontions in the last 12 Months or since we started tracking (Dec 2020).

reinforcement-learning related posts

  • Deep Reinforcement Learning: Zero to Hero

    3 projects | news.ycombinator.com | 5 May 2024
  • Recapping the AI, Machine Learning and Data Science Meetup โ€” May 2, 2024

    2 projects | dev.to | 2 May 2024
  • Bayesianbandits: A Pythonic microframework for multi-armed bandit problems

    1 project | news.ycombinator.com | 14 Mar 2024
  • Adding Weapons

    1 project | dev.to | 24 Jan 2024
  • Understand how transformers work by demystifying all the math behind them

    1 project | news.ycombinator.com | 4 Jan 2024
  • Show HN: An end-to-end reinforcement learning library for infinite horizon tasks

    1 project | news.ycombinator.com | 29 Dec 2023
  • Show HN: Easily train AlphaZero-like agents on any environment you want

    2 projects | news.ycombinator.com | 20 Dec 2023
  • A note from our sponsor - SaaSHub
    www.saashub.com | 17 May 2024
    SaaSHub helps you find the best software and product alternatives Learn more โ†’

Index

What are some of the best open-source reinforcement-learning projects? This list will help you:

Project Stars
1 cs-video-courses 65,064
2 nn 48,933
3 Ray 31,322
4 applied-ml 26,050
5 d2l-en 21,858
6 ml-agents 16,416
7 reinforcement-learning-an-introduction 13,217
8 Bullet 11,978
9 deep-learning-drizzle 11,834
10 FinGPT 11,586
11 awesome-artificial-intelligence 9,701
12 amazon-sagemaker-examples 9,536
13 TensorFlow-Tutorials 9,250
14 vowpal_wabbit 8,409
15 wandb 8,294
16 machine_learning_examples 8,114
17 stable-baselines3 8,032
18 trax 7,962
19 pysc2 7,929
20 PaLM-rlhf-pytorch 7,601
21 TensorLayer 7,296
22 Gymnasium 5,859
23 Practical_RL 5,755

Sponsored
SaaSHub - Software Alternatives and Reviews
SaaSHub helps you find the best software and product alternatives
www.saashub.com