All Projects → Highway Env → Similar Projects or Alternatives

675 Open source projects that are alternatives of or similar to Highway Env

Pgdrive
PGDrive: an open-ended driving simulator with infinite scenes from procedural generation
Stars: ✭ 60 (-91.1%)
Self Driving Car In Video Games
A deep neural network that learns to drive in video games
Stars: ✭ 559 (-17.06%)
Mutual labels:  autonomous-driving
Autokernel
AutoKernel 是一个简单易用,低门槛的自动算子优化工具,提高深度学习算法部署效率。
Stars: ✭ 485 (-28.04%)
Mutual labels:  reinforcement-learning
Neurojs
A JavaScript deep learning and reinforcement learning library.
Stars: ✭ 4,344 (+544.51%)
Mutual labels:  reinforcement-learning
Deeplabv3
PyTorch implementation of DeepLabV3, trained on the Cityscapes dataset.
Stars: ✭ 511 (-24.18%)
Mutual labels:  autonomous-driving
Elegantrl
Lightweight, efficient and stable implementations of deep reinforcement learning algorithms using PyTorch.
Stars: ✭ 575 (-14.69%)
Mutual labels:  reinforcement-learning
Awesome Robotics
A curated list of awesome links and software libraries that are useful for robots.
Stars: ✭ 478 (-29.08%)
Mutual labels:  reinforcement-learning
Flow
Computational framework for reinforcement learning in traffic control
Stars: ✭ 622 (-7.72%)
Mutual labels:  reinforcement-learning
Gps
Guided Policy Search
Stars: ✭ 529 (-21.51%)
Mutual labels:  reinforcement-learning
Arnold
Arnold - DOOM Agent
Stars: ✭ 457 (-32.2%)
Mutual labels:  reinforcement-learning
Torch Light
Deep-learning by using Pytorch. Basic nns like Logistic, CNN, RNN, LSTM and some examples are implemented by complex model.
Stars: ✭ 451 (-33.09%)
Mutual labels:  reinforcement-learning
Dissecting Reinforcement Learning
Python code, PDFs and resources for the series of posts on Reinforcement Learning which I published on my personal blog
Stars: ✭ 512 (-24.04%)
Mutual labels:  reinforcement-learning
Autorally
Software for the AutoRally platform
Stars: ✭ 595 (-11.72%)
Mutual labels:  autonomous-driving
Reaver
Reaver: Modular Deep Reinforcement Learning Framework. Focused on StarCraft II. Supports Gym, Atari, and MuJoCo.
Stars: ✭ 499 (-25.96%)
Mutual labels:  reinforcement-learning
Awesome Interaction Aware Trajectory Prediction
A selection of state-of-the-art research materials on trajectory prediction
Stars: ✭ 625 (-7.27%)
Mutual labels:  autonomous-driving
Tensorflow Book
Accompanying source code for Machine Learning with TensorFlow. Refer to the book for step-by-step explanations.
Stars: ✭ 4,448 (+559.94%)
Mutual labels:  reinforcement-learning
Async deep reinforce
Asynchronous Methods for Deep Reinforcement Learning
Stars: ✭ 565 (-16.17%)
Mutual labels:  reinforcement-learning
Practical rl
A course in reinforcement learning in the wild
Stars: ✭ 4,741 (+603.41%)
Mutual labels:  reinforcement-learning
Neuraldialogpapers
Summary of deep learning models for dialog systems (Tiancheng Zhao LTI, CMU)
Stars: ✭ 641 (-4.9%)
Mutual labels:  reinforcement-learning
Rl Book
Source codes for the book "Reinforcement Learning: Theory and Python Implementation"
Stars: ✭ 464 (-31.16%)
Mutual labels:  reinforcement-learning
Animalai Olympics
Code repository for the Animal AI Olympics competition
Stars: ✭ 544 (-19.29%)
Mutual labels:  reinforcement-learning
Courses
Quiz & Assignment of Coursera
Stars: ✭ 454 (-32.64%)
Mutual labels:  reinforcement-learning
Amazon Sagemaker Examples
Example 📓 Jupyter notebooks that demonstrate how to build, train, and deploy machine learning models using 🧠 Amazon SageMaker.
Stars: ✭ 6,346 (+841.54%)
Mutual labels:  reinforcement-learning
Inverse Reinforcement Learning
Implementations of selected inverse reinforcement learning algorithms.
Stars: ✭ 522 (-22.55%)
Mutual labels:  reinforcement-learning
Mushroom Rl
Python library for Reinforcement Learning.
Stars: ✭ 442 (-34.42%)
Mutual labels:  reinforcement-learning
Smac
SMAC: The StarCraft Multi-Agent Challenge
Stars: ✭ 435 (-35.46%)
Mutual labels:  reinforcement-learning
Holodeck
High Fidelity Simulator for Reinforcement Learning and Robotics Research.
Stars: ✭ 513 (-23.89%)
Mutual labels:  reinforcement-learning
Reversi Alpha Zero
Reversi reinforcement learning by AlphaGo Zero methods.
Stars: ✭ 598 (-11.28%)
Mutual labels:  reinforcement-learning
Rosettastone
Hearthstone simulator using C++ with some reinforcement learning
Stars: ✭ 510 (-24.33%)
Mutual labels:  reinforcement-learning
Deepdrive
Deepdrive is a simulator that allows anyone with a PC to push the state-of-the-art in self-driving
Stars: ✭ 628 (-6.82%)
Mutual labels:  reinforcement-learning
Ai Toolbox
A C++ framework for MDPs and POMDPs with Python bindings
Stars: ✭ 500 (-25.82%)
Mutual labels:  reinforcement-learning
Habitat Lab
A modular high-level library to train embodied AI agents across a variety of tasks, environments, and simulators.
Stars: ✭ 587 (-12.91%)
Mutual labels:  reinforcement-learning
Obstacle Tower Env
Obstacle Tower Environment
Stars: ✭ 496 (-26.41%)
Mutual labels:  reinforcement-learning
Super Mario Bros Ppo Pytorch
Proximal Policy Optimization (PPO) algorithm for Super Mario Bros
Stars: ✭ 649 (-3.71%)
Mutual labels:  reinforcement-learning
Ml Mipt
Open Machine Learning course at MIPT
Stars: ✭ 480 (-28.78%)
Mutual labels:  reinforcement-learning
Fast abs rl
Code for ACL 2018 paper: "Fast Abstractive Summarization with Reinforce-Selected Sentence Rewriting. Chen and Bansal"
Stars: ✭ 569 (-15.58%)
Mutual labels:  reinforcement-learning
Rl a3c pytorch
A3C LSTM Atari with Pytorch plus A3G design
Stars: ✭ 482 (-28.49%)
Mutual labels:  reinforcement-learning
David Silver Reinforcement Learning
Notes for the Reinforcement Learning course by David Silver along with implementation of various algorithms.
Stars: ✭ 623 (-7.57%)
Mutual labels:  reinforcement-learning
Tensorflow Reinforce
Implementations of Reinforcement Learning Models in Tensorflow
Stars: ✭ 480 (-28.78%)
Mutual labels:  reinforcement-learning
Keras Rl
Deep Reinforcement Learning for Keras.
Stars: ✭ 5,166 (+666.47%)
Mutual labels:  reinforcement-learning
Multinet
Real-time Joint Semantic Reasoning for Autonomous Driving
Stars: ✭ 471 (-30.12%)
Mutual labels:  autonomous-driving
Pytorch Rl
PyTorch implementation of Deep Reinforcement Learning: Policy Gradient methods (TRPO, PPO, A2C) and Generative Adversarial Imitation Learning (GAIL). Fast Fisher vector product TRPO.
Stars: ✭ 658 (-2.37%)
Mutual labels:  reinforcement-learning
Robosuite
robosuite: A Modular Simulation Framework and Benchmark for Robot Learning
Stars: ✭ 462 (-31.45%)
Mutual labels:  reinforcement-learning
Tensorflow Value Iteration Networks
TensorFlow implementation of the Value Iteration Networks (NIPS '16) paper
Stars: ✭ 549 (-18.55%)
Mutual labels:  reinforcement-learning
Recsim
A Configurable Recommender Systems Simulation Platform
Stars: ✭ 461 (-31.6%)
Mutual labels:  reinforcement-learning
Chinesechess Alphazero
Implement AlphaZero/AlphaGo Zero methods on Chinese chess.
Stars: ✭ 616 (-8.61%)
Mutual labels:  reinforcement-learning
Lidar for ad references
A list of references on lidar point cloud processing for autonomous driving
Stars: ✭ 456 (-32.34%)
Mutual labels:  autonomous-driving
Leakgan
The codes of paper "Long Text Generation via Adversarial Training with Leaked Information" on AAAI 2018. Text generation using GAN and Hierarchical Reinforcement Learning.
Stars: ✭ 533 (-20.92%)
Mutual labels:  reinforcement-learning
Robotics Rl Srl
S-RL Toolbox: Reinforcement Learning (RL) and State Representation Learning (SRL) for Robotics
Stars: ✭ 453 (-32.79%)
Mutual labels:  reinforcement-learning
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (-5.04%)
Mutual labels:  reinforcement-learning
Tensor House
A collection of reference machine learning and optimization models for enterprise operations: marketing, pricing, supply chain
Stars: ✭ 449 (-33.38%)
Mutual labels:  reinforcement-learning
Phd Bibliography
References on Optimal Control, Reinforcement Learning and Motion Planning
Stars: ✭ 523 (-22.4%)
Mutual labels:  reinforcement-learning
Reinforcement learning tutorial with demo
Reinforcement Learning Tutorial with Demo: DP (Policy and Value Iteration), Monte Carlo, TD Learning (SARSA, QLearning), Function Approximation, Policy Gradient, DQN, Imitation, Meta Learning, Papers, Courses, etc..
Stars: ✭ 442 (-34.42%)
Mutual labels:  reinforcement-learning
Apollo Platform
Collections of Apollo Platform Software
Stars: ✭ 611 (-9.35%)
Mutual labels:  autonomous-driving
Qlearning trading
Learning to trade under the reinforcement learning framework
Stars: ✭ 431 (-36.05%)
Mutual labels:  reinforcement-learning
Machine Learning Articles
Monthly Series - Top 10 Machine Learning Articles
Stars: ✭ 516 (-23.44%)
Mutual labels:  reinforcement-learning
Gibsonenv
Gibson Environments: Real-World Perception for Embodied Agents
Stars: ✭ 666 (-1.19%)
Mutual labels:  reinforcement-learning
Dl Nlp Readings
My Reading Lists of Deep Learning and Natural Language Processing
Stars: ✭ 656 (-2.67%)
Mutual labels:  reinforcement-learning
Gym Anytrading
The most simple, flexible, and comprehensive OpenAI Gym trading environment (Approved by OpenAI Gym)
Stars: ✭ 627 (-6.97%)
Mutual labels:  reinforcement-learning
Exposure
Learning infinite-resolution image processing with GAN and RL from unpaired image datasets, using a differentiable photo editing model.
Stars: ✭ 605 (-10.24%)
Mutual labels:  reinforcement-learning
1-60 of 675 similar projects