Ecosyste.ms: Awesome

An open API service indexing awesome lists of open source software.

Awesome Lists | Featured Topics | Projects

Projects in Awesome Lists tagged with reinforcement-learning

A curated list of projects in awesome lists tagged with reinforcement-learning .

https://github.com/labmlai/annotated_deep_learning_paper_implementations

🧑‍🏫 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, ... 🧠

attention deep-learning deep-learning-tutorial gan literate-programming machine-learning neural-networks optimizers pytorch reinforcement-learning transformer transformers

Last synced: 16 Dec 2024

https://github.com/ray-project/ray

Ray is an AI compute engine. Ray consists of a core distributed runtime and a set of AI Libraries for accelerating ML workloads.

automl data-science deep-learning deployment distributed hyperparameter-optimization hyperparameter-search java llm-serving machine-learning model-selection optimization parallel python pytorch ray reinforcement-learning rllib serving tensorflow

Last synced: 16 Dec 2024

https://github.com/d2l-ai/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.

book computer-vision data-science deep-learning gaussian-processes hyperparameter-optimization jax kaggle keras machine-learning mxnet natural-language-processing notebook python pytorch recommender-system reinforcement-learning tensorflow

Last synced: 16 Dec 2024

https://github.com/unity-technologies/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.

deep-learning deep-reinforcement-learning machine-learning neural-networks reinforcement-learning unity unity3d

Last synced: 16 Dec 2024

https://github.com/Unity-Technologies/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.

deep-learning deep-reinforcement-learning machine-learning neural-networks reinforcement-learning unity unity3d

Last synced: 27 Oct 2024

https://github.com/tensorflow/tensor2tensor

Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.

deep-learning machine-learning machine-translation reinforcement-learning tpu

Last synced: 29 Sep 2024

https://github.com/ai4finance-foundation/fingpt

FinGPT: Open-Source Financial Large Language Models! Revolutionize 🔥 We release the trained model on HuggingFace.

chatgpt finance fingpt fintech large-language-models machine-learning nlp prompt-engineering pytorch reinforcement-learning robo-advisor sentiment-analysis technical-analysis

Last synced: 16 Dec 2024

https://github.com/datawhalechina/leedl-tutorial

《李宏毅深度学习教程》(李宏毅老师推荐👍,苹果书🍎),PDF下载地址:https://github.com/datawhalechina/leedl-tutorial/releases

bert chatgpt cnn deep-learning diffusion gan leedl-tutorial machine-learning network-compression pruning reinforcement-learning rnn self-attention transfer-learning transformer tutorial

Last synced: 16 Dec 2024

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

FinGPT: Open-Source Financial Large Language Models! Revolutionize 🔥 We release the trained model on HuggingFace.

chatgpt finance fingpt fintech large-language-models machine-learning nlp prompt-engineering pytorch reinforcement-learning robo-advisor sentiment-analysis technical-analysis

Last synced: 31 Oct 2024

https://github.com/shangtongzhang/reinforcement-learning-an-introduction

Python Implementation of Reinforcement Learning: An Introduction

artificial-intelligence reinforcement-learning

Last synced: 16 Dec 2024

https://github.com/ShangtongZhang/reinforcement-learning-an-introduction

Python Implementation of Reinforcement Learning: An Introduction

artificial-intelligence reinforcement-learning

Last synced: 30 Oct 2024

https://github.com/bulletphysics/bullet3

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

computer-animation game-development kinematics pybullet reinforcement-learning robotics simulation simulator virtual-reality

Last synced: 16 Dec 2024

https://github.com/aws/amazon-sagemaker-examples

Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.

aws data-science deep-learning examples inference jupyter-notebook machine-learning mlops reinforcement-learning sagemaker training

Last synced: 16 Dec 2024

https://github.com/datawhalechina/easy-rl

强化学习中文教程(蘑菇书🍄),在线阅读地址:https://datawhalechina.github.io/easy-rl/

a3c ddpg deep-reinforcement-learning double-dqn dqn dueling-dqn easy-rl imitation-learning policy-gradient ppo q-learning reinforcement-learning sarsa td3

Last synced: 16 Dec 2024

https://github.com/DLR-RM/stable-baselines3

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

baselines gsde gym machine-learning openai python pytorch reinforcement-learning reinforcement-learning-algorithms robotics sb3 sde stable-baselines toolbox

Last synced: 30 Oct 2024

https://github.com/dlr-rm/stable-baselines3

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

baselines gsde gym machine-learning openai python pytorch reinforcement-learning reinforcement-learning-algorithms robotics sb3 sde stable-baselines toolbox

Last synced: 16 Dec 2024

https://github.com/vowpalwabbit/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.

active-learning c-plus-plus contextual-bandits cpp learning-to-search machine-learning online-learning reinforcement-learning

Last synced: 16 Dec 2024

https://github.com/VowpalWabbit/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.

active-learning c-plus-plus contextual-bandits cpp learning-to-search machine-learning online-learning reinforcement-learning

Last synced: 26 Oct 2024

https://github.com/lucidrains/palm-rlhf-pytorch

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

artificial-intelligence attention-mechanisms deep-learning human-feedback reinforcement-learning transformers

Last synced: 17 Dec 2024

https://github.com/lucidrains/PaLM-rlhf-pytorch

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

artificial-intelligence attention-mechanisms deep-learning human-feedback reinforcement-learning transformers

Last synced: 31 Oct 2024

https://github.com/farama-foundation/gymnasium

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

api gym reinforcement-learning

Last synced: 16 Dec 2024

https://github.com/tensorpack/tensorpack

A Neural Net Training Interface on TensorFlow, with focus on speed + flexibility

deep-learning machine-learning neural-networks reinforcement-learning tensorflow

Last synced: 17 Dec 2024

https://github.com/ppwwyyxx/tensorpack

A Neural Net Training Interface on TensorFlow, with focus on speed + flexibility

deep-learning machine-learning neural-networks reinforcement-learning tensorflow

Last synced: 29 Nov 2024

https://github.com/vwxyzjn/cleanrl

High-quality single file implementation of Deep Reinforcement Learning algorithms with research-friendly features (PPO, DQN, C51, DDPG, TD3, SAC, PPG)

a2c actor-critic advantage-actor-critic ale atari deep-learning deep-reinforcement-learning gym machine-learning phasic-policy-gradient ppo proximal-policy-optimization python pytorch reinforcement-learning wandb

Last synced: 16 Dec 2024

https://github.com/Farama-Foundation/Gymnasium

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

api gym reinforcement-learning

Last synced: 30 Oct 2024

https://github.com/tju-drl-lab/ai-optimizer

The next generation deep reinforcement learning tookit

deep-learning reinforcement-learning transfer-learning

Last synced: 19 Dec 2024

https://github.com/TJU-DRL-LAB/AI-Optimizer

The next generation deep reinforcement learning tookit

deep-learning reinforcement-learning transfer-learning

Last synced: 27 Nov 2024

https://github.com/carperai/trlx

A repo for distributed training of language models with Reinforcement Learning via Human Feedback (RLHF)

machine-learning pytorch reinforcement-learning

Last synced: 19 Dec 2024

https://github.com/CarperAI/trlx

A repo for distributed training of language models with Reinforcement Learning via Human Feedback (RLHF)

machine-learning pytorch reinforcement-learning

Last synced: 25 Oct 2024

https://github.com/BinRoot/TensorFlow-Book

Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.

autoencoder book classification clustering convolutional-neural-networks linear-regression logistic-regression machine-learning regression reinforcement-learning tensorflow

Last synced: 27 Oct 2024

https://github.com/binroot/tensorflow-book

Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.

autoencoder book classification clustering convolutional-neural-networks linear-regression logistic-regression machine-learning regression reinforcement-learning tensorflow

Last synced: 19 Dec 2024

https://github.com/janhuenermann/neurojs

A JavaScript deep learning and reinforcement learning library.

deep-learning javascript machine-learning neural-network reinforcement-learning self-driving-car

Last synced: 19 Dec 2024

https://github.com/andri27-ts/reinforcement-learning

Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning

a2c artificial-intelligence deep-learning deep-reinforcement-learning deepmind dqn evolution-strategies machine-learning policy-gradients ppo qlearning reinforcement-learning

Last synced: 20 Dec 2024

https://github.com/deepmind/open_spiel

OpenSpiel is a collection of environments and algorithms for research in general reinforcement learning and search/planning in games.

cpp games multiagent python reinforcement-learning

Last synced: 14 Dec 2024

https://github.com/google-deepmind/open_spiel

OpenSpiel is a collection of environments and algorithms for research in general reinforcement learning and search/planning in games.

cpp games multiagent python reinforcement-learning

Last synced: 17 Dec 2024

https://github.com/andri27-ts/Reinforcement-Learning

Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning

a2c artificial-intelligence deep-learning deep-reinforcement-learning deepmind dqn evolution-strategies machine-learning policy-gradients ppo qlearning reinforcement-learning

Last synced: 27 Oct 2024

https://github.com/hill-a/stable-baselines

A fork of OpenAI Baselines, implementations of reinforcement learning algorithms

baselines data-science gym machine-learning openai python reinforcement-learning reinforcement-learning-algorithms toolbox

Last synced: 30 Oct 2024

https://github.com/kwai/douzero

[ICML 2021] DouZero: Mastering DouDizhu with Self-Play Deep Reinforcement Learning | 斗地主AI

doudizhu game-ai poker reinforcement-learning

Last synced: 17 Dec 2024

https://github.com/mathfoundationrl/book-mathematical-foundation-of-reinforcement-learning

This is the homepage of a new book entitled "Mathematical Foundations of Reinforcement Learning."

book courses machine-learning reinforcement-learning tutorials

Last synced: 18 Dec 2024

https://github.com/kwai/DouZero

[ICML 2021] DouZero: Mastering DouDizhu with Self-Play Deep Reinforcement Learning | 斗地主AI

doudizhu game-ai poker reinforcement-learning

Last synced: 02 Nov 2024

https://github.com/MathFoundationRL/Book-Mathematical-Foundation-of-Reinforcement-Learning

This is the homepage of a new book entitled "Mathematical Foundations of Reinforcement Learning."

book courses machine-learning reinforcement-learning tutorials

Last synced: 28 Nov 2024

https://github.com/huggingface/deep-rl-class

This repo contains the syllabus of the Hugging Face Deep Reinforcement Learning Course.

deep-learning deep-reinforcement-learning reinforcement-learning reinforcement-learning-excercises

Last synced: 17 Dec 2024

https://github.com/suragnair/alpha-zero-general

A clean implementation based on AlphaZero for any game in any framework + tutorial + Othello/Gobang/TicTacToe/Connect4 and more

alpha-zero alphago alphago-zero alphazero deep-learning gobang gomoku keras mcts monte-carlo-tree-search neural-network othello pytorch reinforcement-learning self-play tensorflow tf

Last synced: 17 Dec 2024

https://github.com/arxivtimes/arxivtimes

repository to research & share the machine learning articles

arxivtimes computer-vision machine-learning natural-language-processing reinforcement-learning

Last synced: 29 Nov 2024

https://github.com/arXivTimes/arXivTimes

repository to research & share the machine learning articles

arxivtimes computer-vision machine-learning natural-language-processing reinforcement-learning

Last synced: 06 Nov 2024

https://github.com/deepmind/dm_control

Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.

artificial-intelligence deep-learning machine-learning mujoco neural-networks physics-simulation reinforcement-learning

Last synced: 08 Nov 2024

https://github.com/google-deepmind/dm_control

Google DeepMind's software stack for physics-based simulation and Reinforcement Learning environments, using MuJoCo.

artificial-intelligence deep-learning machine-learning mujoco neural-networks physics-simulation reinforcement-learning

Last synced: 02 Nov 2024

https://github.com/ikostrikov/pytorch-a2c-ppo-acktr-gail

PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).

a2c acktr actor-critic advantage-actor-critic ale atari continuous-control deep-learning deep-reinforcement-learning hessian kfac kronecker-factored-approximation mujoco natural-gradients ppo proximal-policy-optimization pytorch reinforcement-learning roboschool second-order

Last synced: 19 Dec 2024

https://github.com/google-deepmind/acme

A library of reinforcement learning components and agents

agents reinforcement-learning research

Last synced: 17 Dec 2024

https://github.com/junxiaosong/alphazero_gomoku

An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)

alphago alphago-zero alphazero board-game gobang gomoku mcts monte-carlo-tree-search pytorch reinforcement-learning rl self-learning tensorflow

Last synced: 19 Dec 2024

https://github.com/pytorch/elf

ELF: a platform for game research with AlphaGoZero/AlphaZero reimplementation

alpha-zero alphago-zero go reinforcement-learning rl rl-environment

Last synced: 26 Sep 2024

https://github.com/pytorch/ELF

ELF: a platform for game research with AlphaGoZero/AlphaZero reimplementation

alpha-zero alphago-zero go reinforcement-learning rl rl-environment

Last synced: 02 Nov 2024

https://github.com/junxiaosong/AlphaZero_Gomoku

An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)

alphago alphago-zero alphazero board-game gobang gomoku mcts monte-carlo-tree-search pytorch reinforcement-learning rl self-learning tensorflow

Last synced: 18 Nov 2024

https://github.com/tensorforce/tensorforce

Tensorforce: a TensorFlow library for applied reinforcement learning

control deep-reinforcement-learning reinforcement-learning system-control tensorflow tensorflow-library tensorforce

Last synced: 16 Dec 2024

https://github.com/paddlepaddle/parl

A high-performance distributed training framework for Reinforcement Learning

large-scale parallelization reinforcement-learning

Last synced: 17 Dec 2024

https://github.com/PaddlePaddle/PARL

A high-performance distributed training framework for Reinforcement Learning

large-scale parallelization reinforcement-learning

Last synced: 31 Oct 2024

https://github.com/astorfi/deep-learning-roadmap

:satellite: Organized Resources for Deep Learning Researchers and Developers

deep-learning reinforcement-learning

Last synced: 20 Dec 2024

https://github.com/astorfi/Deep-Learning-Roadmap

:satellite: Organized Resources for Deep Learning Researchers and Developers

deep-learning reinforcement-learning

Last synced: 07 Nov 2024

https://github.com/seungeunrho/minimalrl

Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)

a2c a3c acer ddpg deep-learning deep-reinforcement-learning dqn machine-learning policy-gradients ppo pytorch reinforce reinforcement-learning sac simple

Last synced: 20 Dec 2024

https://github.com/datamllab/rlcard

Reinforcement Learning / AI Bots in Card (Poker) Games - Blackjack, Leduc, Texas, DouDizhu, Mahjong, UNO.

ai blackjack card-game card-games deep-reinforcement-learning doudizhu game game-ai game-bot gym-environment mahjong multi-agent openai-gym poker poker-game reinforcement-learning texas uno

Last synced: 17 Dec 2024

https://github.com/seungeunrho/minimalRL

Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)

a2c a3c acer ddpg deep-learning deep-reinforcement-learning dqn machine-learning policy-gradients ppo pytorch reinforce reinforcement-learning sac simple

Last synced: 04 Nov 2024

https://github.com/openrlhf/openrlhf

An Easy-to-use, Scalable and High-performance RLHF Framework (70B+ PPO Full Tuning & Iterative DPO & LoRA & RingAttention)

deepspeed large-language-models raylib reinforcement-learning reinforcement-learning-from-human-feedback transformers vllm

Last synced: 17 Dec 2024

https://github.com/eugeneyan/ml-surveys

📋 Survey papers summarizing advances in deep learning, NLP, CV, graphs, reinforcement learning, recommendations, graphs, etc.

computer-vision deep-learning embeddings machine-learning nlp recommender-system reinforcement-learning survey

Last synced: 30 Nov 2024