Reinforcement learning models in ViZDoom environment

Overview

DoomNet

DoomNet is a ViZDoom agent trained by reinforcement learning. The agent is a neural network that outputs a probability of actions given only pixels from the screen buffer and set of game variables.
DoomNet is a 1st Runner-Up at Visual Doom AI Competition 2018.

What a simple behavior tree can do

DoomNet on a simple behavior tree

1st Runner-Up at Visual Doom AI Competition 2018

DoomNet track1, submission 0

Visual Doom AI Competition 2017

Joint work with Bobby DeSimone

DoomNet's view is at left in the middle row
DoomNet track1, elimination round 2017

D3 Battle

DoomNet trained on D3-battle config

Health Gathering

DoomNet trained on health gathering config

Rocket Basic

DoomNet trained on basic rocket config

Basic

DoomNet trained on basic config

You might also like...
The Hailo Model Zoo includes pre-trained models and a full building and evaluation environment
The Hailo Model Zoo includes pre-trained models and a full building and evaluation environment

Hailo Model Zoo The Hailo Model Zoo provides pre-trained models for high-performance deep learning applications. Using the Hailo Model Zoo you can mea

A resource for learning about deep learning techniques from regression to LSTM and Reinforcement Learning using financial data and the fitness functions of algorithmic trading

A tour through tensorflow with financial data I present several models ranging in complexity from simple regression to LSTM and policy networks. The s

Ever felt tired after preprocessing the dataset, and not wanting to write any code further to train your model? Ever encountered a situation where you wanted to record the hyperparameters of the trained model and able to retrieve it afterward? Models Playground is here to help you do that. Models playground allows you to train your models right from the browser.
Python Environment for Bayesian Learning

Pebl is a python library and command line application for learning the structure of a Bayesian network given prior knowledge and observations. Pebl in

A Sklearn-like Framework for Hyperparameter Tuning and AutoML in Deep Learning projects. Finally have the right abstractions and design patterns to properly do AutoML. Let your pipeline steps have hyperparameter spaces. Enable checkpoints to cut duplicate calculations. Go from research to production environment easily. This project provides a stock market environment using OpenGym with Deep Q-learning and Policy Gradient.
This project provides a stock market environment using OpenGym with Deep Q-learning and Policy Gradient.

Stock Trading Market OpenAI Gym Environment with Deep Reinforcement Learning using Keras Overview This project provides a general environment for stoc

Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥
Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥

TensorLayer is a novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers. It provides an extens

Learning to trade under the reinforcement learning framework

Trading Using Q-Learning In this project, I will present an adaptive learning model to trade a single stock under the reinforcement learning framework

Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch

Learning to Communicate with Deep Multi-Agent Reinforcement Learning This is a PyTorch implementation of the original Lua code release. Overview This

Comments
  • how to install?

    how to install?

    This is awesome! I am new to all of this but trying to learn as i go, so far i have vizdoom + dependencies installed and the theano, pytorch and tensorflow examples (that came included with vizdoom) all work.

    sorry for such a basic question, but how do i install this into vizdoom?

    Thank you very much, any help would be greatly appreciated.

    opened by xmsandtoes 8
  • Demonstration Data:

    Demonstration Data:

    I am trying to run the imitation learning code in this repo, but "test/datasets/vizdoom/cig_map02/flat.h5" is not in this repo. Could you please share the demonstration data you used when running behavior cloning.

    --- Thanks Kianté

    opened by xkianteb 3
  • --batch_size setting problem

    --batch_size setting problem

    Hi, Within "ppo net" in the code, when i set the --batch_size ==10, it works fine, but then i set it to 1, the network learned nothing after 10 times episodes, could you give some idea?

    Thanks

    opened by sharr6 1
  • Error when run

    Error when run "./d3_ppo.sh test"

    Hi, Impressive work! I am new to this,got an error when run the example by commands resume/test, training command works fine.

    after training, got the pth file: d3_battle__ppo_cp.pth_optimizer.pth_7000.pth I edited the ckpt path in d3_ppo.sh: CHECK_POINT=$BASEDIR/checkpoints/d3_battle__ppo_cp.pth_optimizer.pth_7000.pth

    the commands with probrom i use is: sudo ./d3_ppo.sh test sudo ./d3_ppo.sh resume

    error message: Traceback (most recent call last): File "/media/shar/Runtime/LinRuntime/doom-net/src/main.py", line 43, in model = get_model(args) File "/media/shar/Runtime/LinRuntime/doom-net/src/model_utils.py", line 52, in get_model model = model_classargs.model File "/media/shar/Runtime/LinRuntime/doom-net/src/ppo.py", line 151, in init self.model.load_state_dict(state_dict) File "/usr/local/lib/python3.5/dist-packages/torch/nn/modules/module.py", line 777, in load_state_dict self.class.name, "\n\t".join(error_msgs))) RuntimeError: Error(s) in loading state_dict for BaseModel: Missing key(s) in state_dict: "conv1.weight", "conv1.bias", "conv2.weight", "conv2.bias", "conv3.weight", "conv3.bias", "conv4.weight", "conv4.bias", "conv5.weight", "conv5.bias", "conv6.weight", "conv6.bias", "screen_features1.bias_hh", "screen_features1.weight_hh", "screen_features1.weight_ih", "screen_features1.bias_ih", "batch_norm.running_mean", "batch_norm.running_var", "batch_norm.weight", "batch_norm.bias", "action1.weight", "action1.bias", "action2.weight", "action2.bias", "value1.weight", "value1.bias", "value2.weight", "value2.bias". Unexpected key(s) in state_dict: "state", "param_groups".

    any advice how can i run it right? thanks!!

    opened by sharr6 0
Owner
Andrey Kolishchak
Andrey Kolishchak
​TextWorld is a sandbox learning environment for the training and evaluation of reinforcement learning (RL) agents on text-based games.

TextWorld A text-based game generator and extensible sandbox learning environment for training and testing reinforcement learning (RL) agents. Also ch

Microsoft 983 Dec 23, 2022
DeepMind Alchemy task environment: a meta-reinforcement learning benchmark

The DeepMind Alchemy environment is a meta-reinforcement learning benchmark that presents tasks sampled from a task distribution with deep underlying structure.

DeepMind 188 Dec 25, 2022
Trading and Backtesting environment for training reinforcement learning agent or simple rule base algo.

TradingGym TradingGym is a toolkit for training and backtesting the reinforcement learning algorithms. This was inspired by OpenAI Gym and imitated th

Yvictor 1.1k Jan 2, 2023
CowHerd is a partially-observed reinforcement learning environment

CowHerd is a partially-observed reinforcement learning environment, where the player walks around an area and is rewarded for milking cows. The cows try to escape and the player can place fences to help capture them. The implementation of CowHerd is based on the Crafter environment.

Danijar Hafner 6 Mar 6, 2022
Predicting path with preference based on user demonstration using Maximum Entropy Deep Inverse Reinforcement Learning in a continuous environment

Preference-Planning-Deep-IRL Introduction Check my portfolio post Dependencies Gym stable-baselines3 PyTorch Usage Take Demonstration python3 record.

Tianyu Li 9 Oct 26, 2022
Multi-agent reinforcement learning algorithm and environment

Multi-agent reinforcement learning algorithm and environment [en/cn] Pytorch implements multi-agent reinforcement learning algorithms including IQL, Q

万鲲鹏 7 Sep 20, 2022
The Environment I built to study Reinforcement Learning + Pokemon Showdown

pokemon-showdown-rl-environment The Environment I built to study Reinforcement Learning + Pokemon Showdown Been a while since I ran this. Think it is

null 3 Jan 16, 2022
Wordle Env: A Daily Word Environment for Reinforcement Learning

Wordle Env: A Daily Word Environment for Reinforcement Learning Setup Steps: git pull [email protected]:alex-nooj/wordle_env.git From the wordle_env dire

null 2 Mar 28, 2022
Conservative Q Learning for Offline Reinforcement Reinforcement Learning in JAX

CQL-JAX This repository implements Conservative Q Learning for Offline Reinforcement Reinforcement Learning in JAX (FLAX). Implementation is built on

Karush Suri 8 Nov 7, 2022
Reinforcement-learning - Repository of the class assignment questions for the course on reinforcement learning

DSE 314/614: Reinforcement Learning This repository containing reinforcement lea

Manav Mishra 4 Apr 15, 2022