Ecosyste.ms: Repos

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

GitHub topics: dqn-tensorflow

CrazyGG3r/Valor

An Ai using Reinforcement Learning to survive in a very basic roguelike environment

Language: Python - Size: 1020 KB - Last synced: 17 days ago - Pushed: 18 days ago - Stars: 3 - Forks: 1

aroodgar/Deep-Q-learning-for-mobile-edge-computing Fork of mingt2019/Deep-Q-learning-for-mobile-edge-computing

This code contains some modification of the main forked code and some features in order to regenerate and simulate the results mentioned in the linked paper.

Language: Python - Size: 34.2 KB - Last synced: about 1 month ago - Pushed: about 1 month ago - Stars: 5 - Forks: 0

Open-Building-Management/EnergyGym

gym environnement to simulate the energetic behaviour of a real estate

Language: Python - Size: 14.9 MB - Last synced: about 1 month ago - Pushed: 7 months ago - Stars: 1 - Forks: 0

nonkloq/nn_dqn-from-scratch

Artificial Neural Network (MLP) and Deep Q-Learning Implementation from scratch, only using numpy.

Language: Jupyter Notebook - Size: 278 KB - Last synced: 3 months ago - Pushed: 3 months ago - Stars: 1 - Forks: 2

fiore42/Prisoner-Dilemma-DQN-Javascript

Iterative Prisoner Dilemma - Tournament of 20+ classic strategies and an ML player built with DQN in Javascript

Language: JavaScript - Size: 2.74 MB - Last synced: 4 months ago - Pushed: 4 months ago - Stars: 0 - Forks: 0

albemordo/dqn

Language: Jupyter Notebook - Size: 282 KB - Last synced: 4 months ago - Pushed: over 2 years ago - Stars: 1 - Forks: 0

pujariaditya/Solving-Sudoku-using-Deep-Q-learning

Solving Sudoku using Deep Q Learning -- (Reinforcement Learning). By using Python Tensorflow Library

Language: Python - Size: 1.01 MB - Last synced: 4 months ago - Pushed: almost 2 years ago - Stars: 16 - Forks: 5

henryboisdequin/AI-Stock-Trader

Created an DQN AI Agent which chooses to sell, buy, or keep stocks from various companies.

Language: Python - Size: 55.7 KB - Last synced: 5 months ago - Pushed: almost 4 years ago - Stars: 14 - Forks: 5

henryzhongsc/half_tael_DQN

A (very amateur) foreign exchange trading bot utilizing CNN + DQN.

Language: Python - Size: 14.4 MB - Last synced: 5 months ago - Pushed: over 4 years ago - Stars: 27 - Forks: 16

kochlisGit/Autonomous-Vehicles-Adaptive-Cruise-Control

An implementation of an Autonomous Vehicle Agent in CARLA simulator, using TF-Agents

Language: Python - Size: 111 MB - Last synced: 6 months ago - Pushed: 6 months ago - Stars: 13 - Forks: 6

hvishal512/CS6700-Reinforcement-Learning

Artificial Intelligence series

Language: Jupyter Notebook - Size: 5.04 MB - Last synced: 7 months ago - Pushed: over 2 years ago - Stars: 16 - Forks: 4

aretas77/iot-hades

Language: Python - Size: 50.8 KB - Last synced: 8 months ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

T4t4ru/DQN_cube-rubik

DQN_cube-rubik

Language: Python - Size: 2.93 KB - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

SuperbTUM/RL-Atari-Skiing

Develop an AI player of Atari Skiing with deep reinforcement learning

Language: Python - Size: 153 KB - Last synced: 8 months ago - Pushed: about 2 years ago - Stars: 1 - Forks: 0

nitish-kalan/MountainCar-v0-Deep-Q-Learning-DQN-Keras

Solving MountainCar-v0 environment in Keras with Deep Q Learning an Deep Reinforcement Learning algorithm

Language: Python - Size: 911 KB - Last synced: 8 months ago - Pushed: over 3 years ago - Stars: 3 - Forks: 2

AhmetFurkanDEMIR/SuperMarioBrosRL

Super Mario Bros training with Ray RLlib DQN algorithm

Language: Python - Size: 17.6 KB - Last synced: 28 days ago - Pushed: about 3 years ago - Stars: 25 - Forks: 2

vibhu12345/Product-Recommendation-using-DRL

Amazon Fashion Product Recommendation using Deep Reinforcement Learning

Language: Jupyter Notebook - Size: 0 Bytes - Last synced: 8 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

toniocoy/Lunar_Lander_With_DQN

Lunar Lander solved with DQN [SPANISH]

Language: Jupyter Notebook - Size: 49.8 KB - Last synced: 4 months ago - Pushed: 8 months ago - Stars: 0 - Forks: 0

7enTropy7/BipedalWalker

This is how you teach a dumb bot to walk on two feet.

Language: Python - Size: 1.51 MB - Last synced: about 1 month ago - Pushed: almost 2 years ago - Stars: 5 - Forks: 2

Sayak-qisA/dqn_ddqn-lunar_lander

Deep Reinforcement Learning methods on Lunar Lander from OpenAI Gym.

Language: Jupyter Notebook - Size: 278 KB - Last synced: 9 months ago - Pushed: 9 months ago - Stars: 0 - Forks: 0

sid230798/Doom_Reinforcement_Learning

Used Vizdoom API to train AI-Bot using DQN, DRQN and add a lot of improvements fixed-Q, Dueling, Prioritzing to maximize K/D of Bot.

Language: Python - Size: 170 MB - Last synced: 10 months ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

BohyungPaeng/DRLScheduling-tardiness-tf

Codes implementation of the paper "Deep reinforcement learning for minimizing tardiness in parallel machine scheduling with sequence dependent family setups"

Language: Python - Size: 71.3 KB - Last synced: 11 months ago - Pushed: 11 months ago - Stars: 9 - Forks: 1

mattiapettene/Optimization-based-robot-control

In this repository there are the projects developed during the course of Advance Optimization-based Robot Control. The main topics are Task Space Inverse Dynamics (TSID), Differential Dynamic Programming (DDP) and Deep Q-Network (DQN).

Language: Python - Size: 16.5 MB - Last synced: 11 months ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

NianfeiDu/DRL-based-robot-exploration

a nearest frontier based DQN alg for robot exploration

Language: Python - Size: 151 KB - Last synced: 12 months ago - Pushed: almost 2 years ago - Stars: 5 - Forks: 2

imsrinin/DQN_Autonomous_Driving_Carla

Designing a DRL agent to drive autonomously in Carla Env

Language: Python - Size: 10.7 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 1

DanielPalaio/LunarLander-v2_DeepRL

OpenAI LunarLander-v2 DeepRL-based solutions (DQN, DuelingDQN, D3QN)

Language: Python - Size: 1.75 MB - Last synced: about 1 year ago - Pushed: almost 3 years ago - Stars: 21 - Forks: 5

bengunur06/CATastrophe

Train a model with Reinforcement Learning

Language: Python - Size: 30 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 3 - Forks: 0

GiacomoCorradini/DQN-pendulum

Deep-Q-network learning algorithm to stabilize a pendulum around its upright position

Language: PureBasic - Size: 4.95 MB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 1 - Forks: 0

TaifQureshi/Forex-DQNN

Forex prediction using DQNN

Language: Python - Size: 8.79 KB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 2 - Forks: 2

mr-ravin/DeepQNetwork-TF 📦

This repository includes source code for Deep Q Network architecture (DQN) implemented in Tensorflow library.

Language: Python - Size: 557 KB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 1 - Forks: 1

Gautam-J/Deep-q-Learning

Double DQN on custom environment using PyGame

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

margaeor/dino-dqn

DQN agent for google chrome dino

Language: Python - Size: 68.2 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 2 - Forks: 0

TurboWay/antman

基于 tensorflow 2.0 机器学习实践

Language: Python - Size: 16 MB - Last synced: over 1 year ago - Pushed: over 2 years ago - Stars: 14 - Forks: 4

R-Liebert/DQN_vs_Double-DQN

Final project in ELE680 Deep Neural Networks at UiS, University of Stavanger. Comparison of DQN and Double-DQN.

Language: Python - Size: 201 KB - Last synced: 6 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

white07S/Forex-Trading

A simple implementation of HFT (High-Frequency Trading) in Python on the concept of DQN for forex market

Language: Python - Size: 519 KB - Last synced: over 1 year ago - Pushed: almost 2 years ago - Stars: 3 - Forks: 1

guen-a-park/Hungry-Geese

Comparing DQN , Double-DQN , Bootstrapped-DQN in Hungry-Geese env from kaggle

Language: Jupyter Notebook - Size: 14.3 MB - Last synced: 5 months ago - Pushed: over 1 year ago - Stars: 0 - Forks: 0

ultronify/cartpole-tf-dqn

Play CartPole with DQN implemented with Tensorflow 2.0

Language: Jupyter Notebook - Size: 63.5 KB - Last synced: about 1 year ago - Pushed: over 1 year ago - Stars: 5 - Forks: 2

amifunny/Reinforce_Adventure

This Repository contains my implementation of popular algorithms on popular environments.

Language: Python - Size: 1.18 MB - Last synced: over 1 year ago - Pushed: almost 4 years ago - Stars: 4 - Forks: 1

DanielPalaio/MountainCar-v0_DeepRL

OpenAI MountainCar-v0 DeepRL-based solutions (DQN, DuelingDQN, D3QN)

Language: Python - Size: 1.3 MB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 17 - Forks: 1

nickromandini/reinforcement-learning-cybersecurity

Implementation of reinforcement learning algorithms in a cyber security simulation. Autonomous and Adaptive Systems (University of Bologna, Italy) course project.

Language: Python - Size: 188 KB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 4 - Forks: 1

jorekai/DQN-Timeseries-Anomaly-Detection

This repository focuses on anomaly detection with Reinforcement Learning. DQNs are used to approximate the value function for anomalies on timeseries. The repository is part of my Master Thesis in Computer Science

Language: Jupyter Notebook - Size: 13.2 MB - Last synced: over 1 year ago - Pushed: over 3 years ago - Stars: 5 - Forks: 3

saaries/Obstacle_avoidance_dqn

Obstacle avoidance with DQN Algorithm (Double DQN, Prioritized Experience Replay, Dueling Network Architectures, N-step Return, Soft TargetNet, Parallel computing...

Language: Python - Size: 18 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 4 - Forks: 0

c4phesua/DQN_tictactoe

Apply DQN model in reinforcement learning to build an AI model with the goal of mastering tic tac toe game.

Language: Jupyter Notebook - Size: 708 KB - Last synced: 12 months ago - Pushed: over 3 years ago - Stars: 5 - Forks: 4

c4phesua/reinforcement_learning_project

Language: Python - Size: 83 KB - Last synced: 12 months ago - Pushed: almost 2 years ago - Stars: 0 - Forks: 0

Ostyk/Restraining-Bolts-for-Reinforcement-Learning Fork of soto323/Restraining-Bolts-for-Reinforcement-Learning

Size: 36.9 MB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

AAnirudh07/DQN-CARLA

This repository contains the implementation of a DQN agent with a camera and collision sensor for navigating a map autonomously.

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

MagicDeveloperDRL/MRL-AIFlappyBird-Python-master

本项目是用Python编写的AI小游戏,是作者实现用AI玩Flappy Bird小游戏的小项目,当然为了便于AI训练,该游戏进行了一定的简化处理,没有添加开始游戏等其他界面。本文使用的AI算法是基于TensorFlow框架的Nature DQN算法。

Language: Python - Size: 65.3 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 2 - Forks: 1

KanishkNavale/DQN-DuelingDQN

Tensorflow based DQN and PyTorch based DDQN Agent for 'MountainCar-v0' openai-gym environment.

Language: Python - Size: 18.8 MB - Last synced: about 1 year ago - Pushed: about 2 years ago - Stars: 1 - Forks: 2

CommissarSilver/Population-Based-Training-of-Neural-Networks

Population Based Training of neural networks for multiagent environments

Language: Python - Size: 7.48 MB - Last synced: about 1 year ago - Pushed: over 3 years ago - Stars: 1 - Forks: 3

darkmatter2222/Halite-RL-DQN

Deep Rnforcement Larning to play Halite

Language: Python - Size: 466 KB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 1 - Forks: 0

RajK853/RL_OpenAI_Gym

Solutions for OpenAI Gym RL environments

Language: Jupyter Notebook - Size: 11.3 MB - Last synced: over 1 year ago - Pushed: over 2 years ago - Stars: 2 - Forks: 0

Samir-SB/frozenlake-demo

Implement Q-Learning and DQN algorithms to solve FrozenLake problem.

Language: Python - Size: 51.8 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 0 - Forks: 0

dhavalsalwala/rl-algos

Evaluation and implementation of Reinforcement Learning algorithms. Python, OpenAI Gym, Tensorflow.

Language: Python - Size: 9.56 MB - Last synced: about 1 year ago - Pushed: almost 5 years ago - Stars: 1 - Forks: 0

mesjou/price_simulator

simulation platform for algorithmic pricing

Language: Python - Size: 36.1 KB - Last synced: about 1 year ago - Pushed: over 2 years ago - Stars: 4 - Forks: 1

duynamrcv/omni_learning

Implement Deep Q-network for Omni Robot for moving to the target position on ROS.

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

DanielPalaio/CartPole-v0_DeepRL

OpenAI CartPole-v0 DeepRL-based solutions (DQN, DuelingDQN, D3QN)

Language: Python - Size: 15 MB - Last synced: over 1 year ago - Pushed: almost 3 years ago - Stars: 5 - Forks: 0

dahiyaaneesh/DQN_SCORE_FOUR

This is a TensorFlow implementation for an agent that learns to play score 4 with Reinforcement learning. The Q-function is approximated with a DQN.

Language: Python - Size: 1.99 MB - Last synced: about 1 year ago - Pushed: about 3 years ago - Stars: 0 - Forks: 0

RahulBarman101/Snake-DQN-

The popular snake game using reinforcement learning (DQN)

Language: Python - Size: 7.81 KB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 1 - Forks: 0

c4phesua/reinforcement_learning

Implementation reinforcement learning algorithms

Language: Python - Size: 36.1 KB - Last synced: 12 months ago - Pushed: almost 4 years ago - Stars: 1 - Forks: 0

dht7166/MultiAgentRL_demo

Language: Python - Size: 3.89 MB - Last synced: over 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

andresbecker/RL_for_logistics

Reinforcement Learning to manage the Logistics and resources of a warehouse.

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

weiyx16/RL_Toy_Example

Deep RL toy example based on gym package with several methods

Language: Python - Size: 1.03 MB - Last synced: about 1 year ago - Pushed: over 4 years ago - Stars: 3 - Forks: 0

charan89/CabDriver_RL

Deep DQN model for optimizing Cabdriver choosing better request for more profit

Language: Jupyter Notebook - Size: 158 KB - Last synced: over 1 year ago - Pushed: almost 4 years ago - Stars: 0 - Forks: 1

kth0522/DQN

Language: Python - Size: 37.1 KB - Last synced: about 1 year ago - Pushed: about 4 years ago - Stars: 0 - Forks: 0

kimjinho1/deep_reinforcement_learning

EATED 2018 DQN을 이용한 고전게임 강화학습

Language: Jupyter Notebook - Size: 211 KB - Last synced: 6 months ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

ichisadashioko/dqn

Python + TensorFlow implementation of Deepmind DQN (on-going).

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

shubhamag/DeepRL_DQN_tensorflow

A repository of Q-learning based Deep Reinforcement learning algorithms, including Linear DQN, DQN with experience reply, Dueling DQN and Double Dueling DQN. Mostly tested on Gym environments.

Language: Python - Size: 43.9 KB - Last synced: 6 months ago - Pushed: about 5 years ago - Stars: 3 - Forks: 1

ishanshukla97/Deep-Q-Network

Simple DQN implementation in jupyter notebook

Language: Jupyter Notebook - Size: 2.93 KB - Last synced: about 1 year ago - Pushed: about 5 years ago - Stars: 0 - Forks: 0

Related Keywords
dqn-tensorflow 68 reinforcement-learning 38 dqn 26 tensorflow 16 deep-reinforcement-learning 15 deep-learning 10 python 9 keras 6 openai-gym 6 dueling-dqn 5 deep-neural-networks 5 rl 5 qlearning 5 double-dqn 4 openai 4 reinforcement-learning-algorithms 4 gym 4 experience-replay 3 artificial-intelligence 3 actor-critic 3 mountaincar-v0 3 policy-gradient 3 machine-learning 3 neural-network 3 ddpg 3 sarsa 3 tensorflow2 3 d3qn 3 deeprl 3 gym-environments 3 pygame 3 sarsa-lambda 2 self-driving-car 2 carla-simulator 2 autonomous-vehicles 2 forex-trading 2 a2c 2 dqn-tf 2 gym-environment 2 ddpg-algorithm 2 keras-tensorflow 2 dqn-solver 2 university-project 2 ros 2 deep-q-learning 2 deep-q-network 2 dnn 2 gradient-descent 2 reinforcement-learning-agent 2 lunar-lander 2 simulation 2 lunarlander-v2 2 reinforced-learning 1 machine-learning-algorithms 1 anomaly-detection 1 obstacle-avoidance 1 parallel-computing 1 continuous-mountain-car 1 a3c 1 self-learning 1 curiosity-driven 1 reinforcement-learning-environments 1 tic-tac-toe 1 epsilon-greedy 1 tictactoe-game 1 cassandra 1 tensorflow-examples 1 notebook-jupyter 1 chrome-dino 1 antman 1 cnn-keras 1 deep-rl 1 sigopt 1 space-invaders 1 frozenlake 1 catchgame 1 high-frequency-trading 1 kaggle 1 cartpole 1 bandit 1 cartpole-v1 1 cartpole-environment 1 mountain-car 1 cyber-security-simulation 1 cybersecurity 1 pytorch 1 hyperparameter-optimization 1 multiagent-systems 1 q-learning 1 pbt 1 ai 1 bot 1 frozenlake-v0 1 deep-neural-network 1 deep-rnforcement-larning 1 sarsa-algorithm 1 halite 1 rnforcement-larning 1 bayesian-optimization 1 ddqn 1