An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: inverse-reinforcement-learning

keiohta/tf2rl

TensorFlow2 Reinforcement Learning

Language: Python - Size: 8.61 MB - Last synced at: about 17 hours ago - Pushed at: about 3 years ago - Stars: 474 - Forks: 103

saqib1707/RL-Robot-Manipulation

Inverse Reinforcement Learning for Robot Hand Manipulation Task

Language: HTML - Size: 57.9 MB - Last synced at: 5 days ago - Pushed at: 5 days ago - Stars: 13 - Forks: 1

opendilab/DI-engine

OpenDILab Decision AI Engine. The Most Comprehensive Reinforcement Learning Framework B.P.

Language: Python - Size: 292 MB - Last synced at: 8 days ago - Pushed at: 20 days ago - Stars: 3,358 - Forks: 397

WeiChengTseng/awesome-multi-agent

A curated list of awesome multi-agent learning papers

Size: 15.6 KB - Last synced at: 10 days ago - Pushed at: over 3 years ago - Stars: 54 - Forks: 5

yrlu/irl-imitation

Implementation of Inverse Reinforcement Learning (IRL) algorithms in Python/Tensorflow. Deep MaxEnt, MaxEnt, LPIRL

Language: Python - Size: 23.1 MB - Last synced at: 10 days ago - Pushed at: 12 months ago - Stars: 625 - Forks: 150

HumanCompatibleAI/imitation

Clean PyTorch implementations of imitation and reward learning algorithms

Language: Python - Size: 27.8 MB - Last synced at: 12 days ago - Pushed at: 3 months ago - Stars: 1,460 - Forks: 262

qzed/irl-maxent

Maximum Entropy and Maximum Causal Entropy Inverse Reinforcement Learning Implementation in Python

Language: Jupyter Notebook - Size: 1.34 MB - Last synced at: 10 days ago - Pushed at: about 1 year ago - Stars: 279 - Forks: 62

sudharsan13296/Deep-Reinforcement-Learning-With-Python

Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math

Language: Jupyter Notebook - Size: 23.9 MB - Last synced at: 16 days ago - Pushed at: about 4 years ago - Stars: 409 - Forks: 136

Div99/IQ-Learn

(NeurIPS '21 Spotlight) IQ-Learn: Inverse Q-Learning for Imitation

Language: Python - Size: 191 MB - Last synced at: 17 days ago - Pushed at: over 2 years ago - Stars: 217 - Forks: 35

opendilab/DI-engine-docs

DI-engine docs (Chinese and English)

Language: Python - Size: 178 MB - Last synced at: 16 days ago - Pushed at: about 1 month ago - Stars: 297 - Forks: 63

holarissun/RewardModelingBeyondBradleyTerry

official implementation of ICLR'2025 paper: Rethinking Bradley-Terry Models in Preference-based Reward Modeling: Foundations, Theory, and Alternatives

Language: Python - Size: 365 MB - Last synced at: 20 days ago - Pushed at: 20 days ago - Stars: 41 - Forks: 3

jiachenli94/Awesome-Decision-Making-Reinforcement-Learning

A selection of state-of-the-art research materials on decision making and motion planning.

Size: 30.3 KB - Last synced at: 11 days ago - Pushed at: over 4 years ago - Stars: 225 - Forks: 45

dongminlee94/Reinforcement-Learning-Code

A repository for code of reinforcement learning algorithms with PyTorch

Language: Python - Size: 12.1 MB - Last synced at: 15 days ago - Pushed at: over 3 years ago - Stars: 30 - Forks: 7

neka-nat/inv_rl

Inverse Reinforcement Learning Argorithms

Language: Python - Size: 31.3 KB - Last synced at: 18 days ago - Pushed at: almost 6 years ago - Stars: 54 - Forks: 10

dit7ya/awesome-irl

A curated list of awesome Inverse Reinforcement Learning resources.

Size: 16.6 KB - Last synced at: 8 days ago - Pushed at: about 3 years ago - Stars: 41 - Forks: 4

Allenpandas/Tutorial4RL

Tutorial4RL: Tutorial for Reinforcement Learning. 强化学习入门教程.

Size: 4.17 MB - Last synced at: about 1 month ago - Pushed at: about 1 year ago - Stars: 140 - Forks: 12

twni2016/f-IRL

Inverse Reinforcement Learning via State Marginal Matching, CoRL 2020

Language: Python - Size: 151 KB - Last synced at: 9 days ago - Pushed at: almost 2 years ago - Stars: 45 - Forks: 8

Allenpandas/2023-Reinforcement-Learning-Conferences-Papers

The proceedings of top conference in 2023 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.

Size: 352 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 29 - Forks: 0

Allenpandas/2020-Reinforcement-Learning-Conferences-Papers 📦

The proceedings of top conference in 2020 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.

Size: 94.7 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

FudanNLP/Irl_gen

This is implementation of the paper 'Toward Diverse Text Generation with Inverse Reinforcement Learning' https://arxiv.org/abs/1804.11258 IJCAI2018

Language: Python - Size: 8.82 MB - Last synced at: 9 days ago - Pushed at: over 6 years ago - Stars: 33 - Forks: 3

dataguirre/Bayesian-IRL

Bayesian Inverse Reinforcement Learning

Language: Python - Size: 111 KB - Last synced at: 2 months ago - Pushed at: almost 2 years ago - Stars: 3 - Forks: 1

Allenpandas/2021-Reinforcement-Learning-Conferences-Papers 📦

The proceedings of top conference in 2021 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.

Size: 108 KB - Last synced at: about 1 month ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

krasheninnikov/max-causal-ent-irl

Maximum Causal Entropy Inverse Reinforcement Learning

Language: Python - Size: 1.86 MB - Last synced at: 3 months ago - Pushed at: over 6 years ago - Stars: 46 - Forks: 15

gpapagiannis/sinkhorn-imitation

Code for reproducing the experiment results of the paper Imitation Learning with Sinkhorn Distances.

Language: Python - Size: 35.2 KB - Last synced at: 4 months ago - Pushed at: over 4 years ago - Stars: 12 - Forks: 1

arnavkj1995/SFM

Official Implementation of SFM and the baselines in Jax.

Language: Python - Size: 15.8 MB - Last synced at: 5 months ago - Pushed at: 5 months ago - Stars: 4 - Forks: 0

resuldagdanov/robot-learning-human-trust

Codebase of paper "Improving Trust Estimation in Human-Robot Collaboration Using Beta Reputation at Fine-grained Timescales" under review 📝

Language: Jupyter Notebook - Size: 98.7 MB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 1 - Forks: 0

MatthewJA/Inverse-Reinforcement-Learning

Implementations of selected inverse reinforcement learning algorithms.

Language: Python - Size: 40 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 978 - Forks: 237

BoyangL1/Advanced_DeepIRL

Enhancing Pedestrian Route Choice Models through Maximum-Entropy Deep Inverse Reinforcement Learning with Individual Covariates (MEDIRL-IC)

Language: Jupyter Notebook - Size: 59.3 MB - Last synced at: 7 months ago - Pushed at: 7 months ago - Stars: 12 - Forks: 0

daniel05155/Reinforcement-Learning-in-Music-Generation

An implementation of automated music composition using Deep Reinforcement Learning with PyTorch.

Language: Python - Size: 180 KB - Last synced at: about 2 months ago - Pushed at: 7 months ago - Stars: 0 - Forks: 0

XiWen0627/MaxEnIRL_Try

XiWen0627's Master Project : Discovering Cyclists' Street Visual Preferences Through Multi-Source Big Data Using MEDIRL Approach

Language: Jupyter Notebook - Size: 4.59 MB - Last synced at: 8 months ago - Pushed at: 8 months ago - Stars: 0 - Forks: 0

malwaru/gail_navigation

A GAIL based robot local navigation planner

Language: Jupyter Notebook - Size: 6.11 MB - Last synced at: 9 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

chauvinSimon/My_Bibliography_for_Research_on_Autonomous_Driving

Personal notes about scientific and research works on "Decision-Making for Autonomous Driving"

Size: 784 MB - Last synced at: 9 months ago - Pushed at: over 4 years ago - Stars: 434 - Forks: 94

yasufumy/python_irl

Basic Inverse Reinforcement Learning method in Python

Language: Python - Size: 13.7 KB - Last synced at: 8 days ago - Pushed at: almost 7 years ago - Stars: 9 - Forks: 3

pedrodbs/Inverse-Reinforcement-Learning Fork of MatthewJA/Inverse-Reinforcement-Learning

MDP Environments for Inverse Reinforcement Learning

Language: Python - Size: 34.2 KB - Last synced at: 11 months ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

Shaz-5/manipulator-inverse-rl

This repository contains implementations of the DDPG and TD3 algorithms along with HER to train the PandaReach-v3 agent and then use the projection-based IRL algorithm to train apprentice agents using the trained agent as the expert.

Language: Jupyter Notebook - Size: 792 MB - Last synced at: 12 months ago - Pushed at: 12 months ago - Stars: 1 - Forks: 0

cvlab-stonybrook/Scanpath_Prediction

Predicting Goal-directed Human Attention Using Inverse Reinforcement Learning (CVPR2020)

Language: Python - Size: 37.8 MB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 88 - Forks: 21

francidellungo/Minigrid_HCI-project

Train agents on MiniGrid from human demonstrations using Inverse Reinforcement Learning

Language: Python - Size: 3.19 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 13 - Forks: 2

fedem96/Minigrid_HCI-project Fork of francidellungo/Minigrid_HCI-project

Train agents on MiniGrid from human demonstrations using Inverse Reinforcement Learning

Size: 3.19 MB - Last synced at: about 1 year ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

tdavchev/DESIRE

DESIRE: Distant Future Prediction in Dynamic Scenes with Interacting Agents

Language: Python - Size: 12.8 MB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 78 - Forks: 26

tsumers/rewards

Code and data for Learning Rewards from Linguistic Feedback, AAAI '21

Language: Jupyter Notebook - Size: 10.4 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 2

Shaz-5/apprenticeship-IRL

This repository contains Q-Learning and Deep Q-Learning (DQN) implementations for apprenticeship learning, based on the paper “Apprenticeship Learning via Inverse Reinforcement Learning" by P. Abbeel and A. Y. Ng, applied to two classic control tasks: CartPole and Pendulum.

Language: Jupyter Notebook - Size: 73.9 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 0

radsn/DesignAlgorithms

Analysis of Complex Networks in R

Language: Jupyter Notebook - Size: 23.4 MB - Last synced at: about 1 year ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0

Morris73198/mountaincar_irl_fix

solve let do irl

Language: Python - Size: 26.4 KB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 1 - Forks: 0

holarissun/Prompt-OIRL

code for paper Query-Dependent Prompt Evaluation and Optimization with Offline Inverse Reinforcement Learning

Language: Python - Size: 186 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 18 - Forks: 3

Shaz-5/IRL

This repository contains implementations of Inverse Reinforcement Learning (IRL) algorithms based on the paper "Algorithms for Inverse Reinforcement Learning" - (Ng &Russell 2000)

Language: Jupyter Notebook - Size: 15.5 MB - Last synced at: about 1 year ago - Pushed at: about 1 year ago - Stars: 0 - Forks: 1

js-lee-AI/optimal-path-search_imitation-learning

Searching for optimal paths in a customized Grid-world environment using Imitation Learning; Variational Adversarial Imitation Learning [VAIL]

Language: Python - Size: 54.6 MB - Last synced at: about 7 hours ago - Pushed at: over 2 years ago - Stars: 20 - Forks: 3

HokageM/IRLwPython

Inverse Reinforcement Learning Algorithm implementation with Python

Language: Python - Size: 7.17 MB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 2 - Forks: 0

Allenpandas/2019-Reinforcement-Learning-Conferences-Papers 📦

The proceedings of top conference in 2019 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.

Size: 55.7 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Allenpandas/2018-Reinforcement-Learning-Conferences-Papers 📦

The proceedings of top conference in 2018 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.

Size: 43.9 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

Allenpandas/2017-Reinforcement-Learning-Conferences-Papers 📦

The proceedings of top conference in 2017 on the topic of Reinforcement Learning (RL), including: AAAI, IJCAI, NeurIPS, ICML, ICLR, ICRA, AAMAS and more.

Size: 38.1 KB - Last synced at: about 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

BillChan226/CAV-intelligence

This repository contains the algorithms implementation for vehicles scheduling, dispatching and planning in complicated scenarios such as intersection, junction etc. Currently we are developing learnable driving policies module via inverse reinforcement learning algorithms.

Size: 12.7 KB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

SapanaChaudhary/PyTorch-IL-functions

PyTorch implementation of important functions for WAIL and GMMIL

Language: Python - Size: 214 KB - Last synced at: 4 months ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 0

marinaKollmitz/learning-nav-irl

Learning human-aware robot navigation behavior from demonstrations via Maximum Entropy Inverse Reinforcement Learning.

Language: Python - Size: 21.8 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 26 - Forks: 8

reinforcement-learning-kr/lets-do-irl

Inverse RL algorithms (APP, MaxEnt, GAIL, VAIL)

Language: Python - Size: 8.17 MB - Last synced at: over 1 year ago - Pushed at: almost 4 years ago - Stars: 553 - Forks: 96

uidilr/gail_ppo_tf

Tensorflow implementation of Generative Adversarial Imitation Learning(GAIL) with discrete action

Language: Python - Size: 4.75 MB - Last synced at: over 1 year ago - Pushed at: over 6 years ago - Stars: 111 - Forks: 28

andrewliao11/gail-tf

Tensorflow implementation of generative adversarial imitation learning

Language: Python - Size: 2.42 MB - Last synced at: over 1 year ago - Pushed at: almost 7 years ago - Stars: 200 - Forks: 46

jangirrishabh/toyCarIRL

Implementation of Inverse Reinforcement Learning Algorithm on a toy car in a 2D world problem, (Apprenticeship Learning via Inverse Reinforcement Learning Abbeel & Ng, 2004)

Language: Python - Size: 78.6 MB - Last synced at: over 1 year ago - Pushed at: over 3 years ago - Stars: 161 - Forks: 46

ahq1993/inverse_rl

Adversarial Imitation Via Variational Inverse Reinforcement Learning

Language: Python - Size: 53.7 KB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 90 - Forks: 11

wanxinjin/Pontryagin-Differentiable-Programming

A unified end-to-end learning and control framework that is able to learn a (neural) control objective function, dynamics equation, control policy, or/and optimal trajectory in a control system.

Language: Python - Size: 352 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 123 - Forks: 16

dshan4585/mdirl

Mirror Descent Inverse Reinforcement Learning

Language: Python - Size: 65.4 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 4 - Forks: 0

eric-xw/AREL

Code for the ACL paper "No Metrics Are Perfect: Adversarial Reward Learning for Visual Storytelling"

Language: Python - Size: 441 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 137 - Forks: 35

HARPLab/inquire

INQUIRE: INteractive Querying for User-aware Informative REasoning

Language: Python - Size: 355 KB - Last synced at: 12 months ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

rzayanov/irl-teaching-limited-feedback

Language: Python - Size: 39.1 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

ewanlee/ICLR2019-RL-Papers

The Reinforcement-Learning-Related Papers of ICLR 2019

Size: 33.2 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 45 - Forks: 12

gkswamy98/fast_irl

Contains implementation of the FILTER algorithm for exponentially faster inverse reinforcement learning.

Language: Jupyter Notebook - Size: 27.4 MB - Last synced at: over 1 year ago - Pushed at: about 2 years ago - Stars: 37 - Forks: 3

mrucker/kpirl-kla

This repository contains two new algorithms: KPIRL and KLA. KPIRL is a non-linear extension to Abbeel and Ng's Projection IRL algorithm (detailed in "Apprenticeship Learning via Inverse Reinforcement Learning"). KLA is an approximate RL algorithm designed to be used with KPIRL in large state-action spaces without any reward shaping. The algorithms have been published in "Human Apprenticeship Learning via Kernel-based Inverse Reinforcement Learning."

Language: MATLAB - Size: 1.61 MB - Last synced at: about 22 hours ago - Pushed at: over 2 years ago - Stars: 8 - Forks: 3

T3AS/ReMAV

Implementation of "ReMAV: Reward Modeling of Autonomous Vehicles for Finding Likely Failure Events".

Language: Jupyter Notebook - Size: 12.2 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

makokal/socially_normative_navigation

Socially normative mobile robot navigation

Language: C++ - Size: 2.6 MB - Last synced at: 4 days ago - Pushed at: about 9 years ago - Stars: 27 - Forks: 14

tanmayshankar/DeepVectorPolicyFields

Codebase for learning Vector Policy Fields using Reinforcement Learning Networks.

Language: Jupyter Notebook - Size: 47.1 MB - Last synced at: over 1 year ago - Pushed at: almost 8 years ago - Stars: 5 - Forks: 1

clear-nus/BOIRL

Accompanying code of BO-IRL published in Neurips 2020

Language: Python - Size: 329 MB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

meghasharma1234/improving-collaborative-agents

This repository contains the project code for the course Interactive Robot Learning, titled, "Improving upon Human-AI collaborative model"

Language: Python - Size: 15.6 KB - Last synced at: 6 months ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

Plankson/CSIRL

Curricular Subgoal for Inverse Reinforcement Learning

Language: Python - Size: 4.73 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 6 - Forks: 0

ashishgaurav13/ICL

Official Code for ICLR 2023 paper "Learning Soft Constraints from Constrained Expert Demonstrations"

Language: Python - Size: 55.2 MB - Last synced at: about 1 year ago - Pushed at: almost 2 years ago - Stars: 1 - Forks: 0

sibmr/IRLSeminar-MaximumEntropyInverseReinforcementLearning

Maximum Entropy Inverse Reinforcement Learning on the FrozenLake-v0-8x8 environment.

Language: Jupyter Notebook - Size: 1.67 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

KunalP117/YouTube-Commenting-Analysis

This repository contains data as well as code for analyzing rationally inattentive commenting behavior in YouTube. The formal theory and model is contained in the paper found at this link: https://www.jmlr.org/papers/volume21/19-872/19-872.pdf

Language: Jupyter Notebook - Size: 63.3 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 4 - Forks: 0

KhaledSaleh/py-MaxEntropy-HIOC

This is a python implementation of the Hidden Variable Inverse Optimal Control (HIOC) framework proposed by Kitani et al., 2012.

Language: Python - Size: 5.86 KB - Last synced at: about 1 year ago - Pushed at: about 6 years ago - Stars: 2 - Forks: 0

s-mawjee/inverse-reinforcement-learning

Inverse Reinforcement Learning Algorithms

Language: Python - Size: 693 KB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 4 - Forks: 1

hari-sikchi/rank-game

SOTA algorithms for imitation learning (LfD and LfO) - Ranking algorithms for imitation learning (TMLR 2023)

Language: Python - Size: 366 KB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 9 - Forks: 1

wanxinjin/Learning-from-Sparse-Demonstrations

A framework and method to jointly learn a (neural) control objective function and a time-warping function only from sparse demonstrations or waypoints.

Language: Python - Size: 4.22 MB - Last synced at: almost 2 years ago - Pushed at: over 2 years ago - Stars: 15 - Forks: 5

ProSeCo-Planning/ros_proseco_planning

The ROS interface as well as the Python packages for ProSeCo Planning

Language: Python - Size: 1.22 MB - Last synced at: almost 2 years ago - Pushed at: almost 3 years ago - Stars: 8 - Forks: 1

tonylitianyu/Inverse-RL

Robot Learning from Expert Demonstration Using IRL

Language: Python - Size: 73.3 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 3 - Forks: 2

joekadi/Inverse-Reinforcement-Learning-Bayesian-Uncertainty

The PyTorch framework developed to enable my MSci thesis project titled: "Evaluating Uncertainty Estimation Methods For Deep Neural Network’s In Inverse Reinforcement Learning"

Language: Python - Size: 537 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 0

aaronsnoswell/irl_methods

High-quality reference implementations of various algorithms for Inverse Reinforcement Learning

Language: Python - Size: 287 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 8 - Forks: 0

decisionforce/modulardecision

[CoRL'20] Learning a Decision Module by Imitating Driver’s Control Behaviors

Language: Python - Size: 11.2 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 25 - Forks: 5

TroddenSpade/Maximum-Entropy-Deep-IRL

Implementations of Maximum Entropy Algorithms for solving Inverse Reinforcement Learning problems.

Language: Jupyter Notebook - Size: 3.19 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 0

MCZhi/Driving-IRL-NGSIM

(T-ITS) Driving Behavior Modeling using Naturalistic Human Driving Data with Inverse Reinforcement Learning

Language: Python - Size: 80.1 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 88 - Forks: 22

seolhokim/InverseRL-Pytorch

Pytorch GAIL VAIL AIRL VAIRL EAIRL SQIL Implementation

Language: Python - Size: 124 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 41 - Forks: 8

decisionforce/MAIRL

[RA-L & ICRA 2021] Adversarial Inverse Reinforcement Learning with Self-attention Dynamics Model

Language: Python - Size: 8.15 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 19 - Forks: 2

wanxinjin/IOC-from-Incomplete-Trajectory-Observations

Inverse optimal control from incomplete trajectory observations, proposing the concept of the recovery matrix which provides further insights into objective learning process.

Language: MATLAB - Size: 22.5 KB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 2

nosyndicate/pytorchrl

Deep Reinforcement Learning algorithms implemented in PyTorch

Language: Python - Size: 159 KB - Last synced at: about 2 years ago - Pushed at: almost 7 years ago - Stars: 48 - Forks: 6

uidilr/bayesian_irl

Bayesian Inverse Reinforcement Learning with simple environments

Language: Python - Size: 55.7 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 12 - Forks: 6

ManuelPalermo/mushroom_rl_imitation

Imitation Learning Algorithms based on mushroom_rl library

Language: Python - Size: 57.8 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 1

Qiong-Hu/Large-Scale_Social_and_Complex_Networks

Implementation and application of graph theory, social network mining, reinforcement learning, and inverse reinforcement learning.

Language: Jupyter Notebook - Size: 31.1 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 3 - Forks: 1

uidilr/deepirl_chainer

Implementation of GAIL and AIRL using chinerrl

Language: Python - Size: 18.6 KB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 16 - Forks: 1

SaminYeasar/Off_Policy_Adversarial_Inverse_Reinforcement_Learning

Implementation of Off Policy Adversarial Inverse Reinforcement Learning

Language: Python - Size: 33.2 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 10 - Forks: 1

kasia-kobalczyk/invconban

Repository for my research project on Inverse Contextual Bandits

Language: Python - Size: 14.6 KB - Last synced at: 7 months ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

IhteshamShah/Cooperative-Imitation-Learning-CIL-

We have presented CIL method to learn the optimal dynamic treatment regime by exploiting information from both trajectories (positive and negative).

Language: Python - Size: 476 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

yrevar/inverse_rl

Good intention is all you need!

Language: Jupyter Notebook - Size: 80.4 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 6 - Forks: 2

shaktikshri/adaptiveSystems

RL CIRL Research

Language: Python - Size: 3.94 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 12 - Forks: 4

prabhatnagarajan/birl

A Python Implementation of Bayesian Inverse Reinforcement Learning (BIRL)

Language: Python - Size: 58.6 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 1 - Forks: 0

Related Keywords
inverse-reinforcement-learning 121 reinforcement-learning 66 imitation-learning 34 pytorch 17 irl 14 deep-reinforcement-learning 13 machine-learning 13 deep-learning 11 tensorflow 8 multi-agent-reinforcement-learning 8 python 8 learning-from-demonstration 8 reinforcement-learning-algorithms 7 rl 7 gail 7 meta-reinforcement-learning 6 multiagent-reinforcement-learning 6 aaai 5 icml 5 ijcai 5 motion-planning 5 safe-reinforcement-learning 4 robotics 4 ddpg 4 aamas 4 iclr 4 icra 4 mujoco 4 decision-making 3 openai-gym 3 dqn 3 q-learning 3 vail 3 autonomous-vehicles 3 a3c 3 maximum-entropy 3 apprenticeship-learning 3 mountain-car 3 reinforcement-learning-agent 3 inverse-optimal-control 3 model-based-reinforcement-learning 3 offline-rl 3 maxent 3 pytorch-rl 3 gridworld 3 hierarchical-reinforcement-learning 3 human-robot-interaction 3 offline-reinforcement-learning 3 reinforcement-learning-papers 3 active-learning 2 rlhf 2 algorithms 2 artificial-intelligence 2 bayesian 2 python3 2 neurips 2 irl-algorithms 2 gym 2 interactive-robot-learning 2 trajectory-planning 2 adversarial-networks 2 reinforcement-learning-environments 2 actor-critic 2 reinforcement-learning-paper 2 recurrent-neural-networks 2 airl 2 ml 2 optimal-control 2 awesome-list 2 path-planning 2 a2c 2 imitation 2 awesome 2 multi-agent 2 mdp 2 multi-agent-systems 2 policy-gradient 2 ppo 2 adversarial-learning 2 td3 2 trpo 2 large-language-models 2 differentiable-programming 2 multi-agent-learning 2 generative-adversarial-network 2 constraint-learning 1 frozenlake-v0 1 adversarial-inverse-reinforcement-learning 1 bayesian-optimization 1 bayesian-optimisation 1 swag 1 uncertainty-quantification 1 microeconomic-theory 1 revealed-preferences 1 objectworld 1 neural-network 1 sparse-data 1 sparse-data-learning 1 mcdropout 1 ensembles 1