All Projects → Gym Carla → Similar Projects or Alternatives

497 Open source projects that are alternatives of or similar to Gym Carla

Carla
Open-source simulator for autonomous driving research.
Stars: ✭ 7,012 (+4175.61%)
pytorchrl
Deep Reinforcement Learning algorithms implemented in PyTorch
Stars: ✭ 47 (-71.34%)
Master-Thesis
Deep Reinforcement Learning in Autonomous Driving: the A3C algorithm used to make a car learn to drive in TORCS; Python 3.5, Tensorflow, tensorboard, numpy, gym-torcs, ubuntu, latex
Stars: ✭ 33 (-79.88%)
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+1731.71%)
l2r
Open-source reinforcement learning environment for autonomous racing.
Stars: ✭ 38 (-76.83%)
Carla-ppo
This repository hosts a customized PPO based agent for Carla. The goal of this project is to make it easier to interact with and experiment in Carla with reinforcement learning based agents -- this, by wrapping Carla in a gym like environment that can handle custom reward functions, custom debug output, etc.
Stars: ✭ 122 (-25.61%)
Imitation Learning
Autonomous driving: Tensorflow implementation of the paper "End-to-end Driving via Conditional Imitation Learning"
Stars: ✭ 60 (-63.41%)
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 (+169.51%)
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (-43.29%)
Macad Gym
Multi-Agent Connected Autonomous Driving (MACAD) Gym environments for Deep RL. Code for the paper presented in the Machine Learning for Autonomous Driving Workshop at NeurIPS 2019:
Stars: ✭ 106 (-35.37%)
racing dreamer
Latent Imagination Facilitates Zero-Shot Transfer in Autonomous Racing
Stars: ✭ 31 (-81.1%)
Deterministic Gail Pytorch
PyTorch implementation of Deterministic Generative Adversarial Imitation Learning (GAIL) for Off Policy learning
Stars: ✭ 44 (-73.17%)
Tf2rl
TensorFlow2 Reinforcement Learning
Stars: ✭ 353 (+115.24%)
neat
[ICCV'21] NEAT: Neural Attention Fields for End-to-End Autonomous Driving
Stars: ✭ 194 (+18.29%)
data aggregation
This repository contains the code for the CVPR 2020 paper "Exploring Data Aggregation in Policy Learning for Vision-based Urban Autonomous Driving"
Stars: ✭ 26 (-84.15%)
Pgdrive
PGDrive: an open-ended driving simulator with infinite scenes from procedural generation
Stars: ✭ 60 (-63.41%)
Imitation Learning
Imitation learning algorithms
Stars: ✭ 85 (-48.17%)
Rl Medical
Deep Reinforcement Learning (DRL) agents applied to medical images
Stars: ✭ 123 (-25%)
D3rlpy
An offline deep reinforcement learning library
Stars: ✭ 139 (-15.24%)
Advanced Deep Learning And Reinforcement Learning Deepmind
🎮 Advanced Deep Learning and Reinforcement Learning at UCL & DeepMind | YouTube videos 👉
Stars: ✭ 121 (-26.22%)
Drl Portfolio Management
CSCI 599 deep learning and its applications final project
Stars: ✭ 121 (-26.22%)
Go Bot Drl
Goal-Oriented Chatbot trained with Deep Reinforcement Learning
Stars: ✭ 149 (-9.15%)
Machine Learning And Data Science
This is a repository which contains all my work related Machine Learning, AI and Data Science. This includes my graduate projects, machine learning competition codes, algorithm implementations and reading material.
Stars: ✭ 137 (-16.46%)
Learningbycheating
Driving in CARLA using waypoint prediction and two-stage imitation learning
Stars: ✭ 119 (-27.44%)
Mutual labels:  imitation-learning
Reinforcementlearning Atarigame
Pytorch LSTM RNN for reinforcement learning to play Atari games from OpenAI Universe. We also use Google Deep Mind's Asynchronous Advantage Actor-Critic (A3C) Algorithm. This is much superior and efficient than DQN and obsoletes it. Can play on many games
Stars: ✭ 118 (-28.05%)
Policy Gradient
Minimal Monte Carlo Policy Gradient (REINFORCE) Algorithm Implementation in Keras
Stars: ✭ 135 (-17.68%)
Awesome Robotic Tooling
Tooling for professional robotic development in C++ and Python with a touch of ROS, autonomous driving and aerospace.
Stars: ✭ 1,876 (+1043.9%)
Mutual labels:  autonomous-driving
Rl Quadcopter
Teach a Quadcopter How to Fly!
Stars: ✭ 124 (-24.39%)
Deep Learning Papers Reading Roadmap
深度学习论文阅读路线图
Stars: ✭ 142 (-13.41%)
Openpcdet
OpenPCDet Toolbox for LiDAR-based 3D Object Detection.
Stars: ✭ 2,199 (+1240.85%)
Mutual labels:  autonomous-driving
Autonomousdrivingcookbook
Scenarios, tutorials and demos for Autonomous Driving
Stars: ✭ 1,939 (+1082.32%)
Mutual labels:  autonomous-driving
Deep Rl Tensorflow
TensorFlow implementation of Deep Reinforcement Learning papers
Stars: ✭ 1,552 (+846.34%)
Finrl Library
FinRL: Financial Reinforcement Learning Framework. Please star. 🔥
Stars: ✭ 3,037 (+1751.83%)
Openvehiclevision
An opensource lib. for vehicle vision applications (written by MATLAB), lane marking detection, road segmentation
Stars: ✭ 120 (-26.83%)
Mutual labels:  autonomous-driving
Path optimizer
Real-time path planning for vehicles.
Stars: ✭ 156 (-4.88%)
Mutual labels:  autonomous-driving
Deep reinforcement learning
Resources, papers, tutorials
Stars: ✭ 119 (-27.44%)
Deep Qlearning Agent For Traffic Signal Control
A framework where a deep Q-Learning Reinforcement Learning agent tries to choose the correct traffic light phase at an intersection to maximize traffic efficiency.
Stars: ✭ 136 (-17.07%)
Hierarchical Actor Critic Hac Pytorch
PyTorch implementation of Hierarchical Actor Critic (HAC) for OpenAI gym environments
Stars: ✭ 116 (-29.27%)
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+1150.61%)
Tetris Ai
A deep reinforcement learning bot that plays tetris
Stars: ✭ 109 (-33.54%)
Adnet
Attention-guided CNN for image denoising(Neural Networks,2020)
Stars: ✭ 135 (-17.68%)
Utbm robocar dataset
EU Long-term Dataset with Multiple Sensors for Autonomous Driving
Stars: ✭ 109 (-33.54%)
Mutual labels:  autonomous-driving
A3c Pytorch
PyTorch implementation of Advantage async actor-critic Algorithms (A3C) in PyTorch
Stars: ✭ 108 (-34.15%)
Pythonrobotics
Python sample codes for robotics algorithms.
Stars: ✭ 13,934 (+8396.34%)
Mutual labels:  autonomous-driving
Spinning Up Basic
Basic versions of agents from Spinning Up in Deep RL written in PyTorch
Stars: ✭ 155 (-5.49%)
Self Driving Golf Cart
Be Driven 🚘
Stars: ✭ 147 (-10.37%)
Mutual labels:  autonomous-driving
Ml Agents
Unity Machine Learning Agents Toolkit
Stars: ✭ 12,134 (+7298.78%)
Deeptraffic
DeepTraffic is a deep reinforcement learning competition, part of the MIT Deep Learning series.
Stars: ✭ 1,528 (+831.71%)
Keras Rl2
Reinforcement learning with tensorflow 2 keras
Stars: ✭ 134 (-18.29%)
Self Driving Car
Automated Driving in NFS using CNN.
Stars: ✭ 105 (-35.98%)
Mutual labels:  autonomous-driving
Baby A3c
A high-performance Atari A3C agent in 180 lines of PyTorch
Stars: ✭ 144 (-12.2%)
Ravens
Train robotic agents to learn pick and place with deep learning for vision-based manipulation in PyBullet. Transporter Nets, CoRL 2020.
Stars: ✭ 133 (-18.9%)
Mutual labels:  imitation-learning
Aws Robomaker Sample Application Deepracer
Use AWS RoboMaker and demonstrate running a simulation which trains a reinforcement learning (RL) model to drive a car around a track
Stars: ✭ 105 (-35.98%)
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-36.59%)
2d detection
TensorFlow implementation of SqueezeDet, trained on the KITTI dataset.
Stars: ✭ 132 (-19.51%)
Mutual labels:  autonomous-driving
Intro To Deep Learning
A collection of materials to help you learn about deep learning
Stars: ✭ 103 (-37.2%)
Pylot
Modular autonomous driving platform running on the CARLA simulator and real-world vehicles.
Stars: ✭ 104 (-36.59%)
Mutual labels:  autonomous-driving
Squeezesegv2
Implementation of SqueezeSegV2, Improved Model Structure and Unsupervised Domain Adaptation for Road-Object Segmentation from a LiDAR Point Cloud
Stars: ✭ 154 (-6.1%)
Mutual labels:  autonomous-driving
Scalphagozero
An independent implementation of DeepMind's AlphaGoZero in Scala, using Deeplearning4J (DL4J)
Stars: ✭ 144 (-12.2%)
Deep Reinforcement Learning In Large Discrete Action Spaces
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Stars: ✭ 132 (-19.51%)
1-60 of 497 similar projects