All Projects → connect4 → Similar Projects or Alternatives

130 Open source projects that are alternatives of or similar to connect4

MyAlphaGoZeroOnConnect4
My Simple Implementation of AlphaGo Zero on Connect4
Stars: ✭ 16 (-51.52%)
Paddle-RLBooks
Paddle-RLBooks is a reinforcement learning code study guide based on pure PaddlePaddle.
Stars: ✭ 113 (+242.42%)
Reinforcement Learning With Tensorflow
Simple Reinforcement learning tutorials, 莫烦Python 中文AI教学
Stars: ✭ 6,948 (+20954.55%)
Alpha Zero General
A clean implementation based on AlphaZero for any game in any framework + tutorial + Othello/Gobang/TicTacToe/Connect4 and more
Stars: ✭ 2,617 (+7830.3%)
yarll
Combining deep learning and reinforcement learning.
Stars: ✭ 84 (+154.55%)
Deep-Reinforcement-Learning-With-Python
Master classic RL, deep RL, distributional RL, inverse RL, and more using OpenAI Gym and TensorFlow with extensive Math
Stars: ✭ 222 (+572.73%)
Mutual labels:  policy-gradient, double-dqn
Alphazero gomoku
An implementation of the AlphaZero algorithm for Gomoku (also called Gobang or Five in a Row)
Stars: ✭ 2,570 (+7687.88%)
playing-mario-with-deep-reinforcement-learning
An implementation of (Double/Dueling) Deep-Q Learning to play Super Mario Bros.
Stars: ✭ 55 (+66.67%)
Mutual labels:  double-dqn, dueling-dqn
Tianshou
An elegant PyTorch deep reinforcement learning library.
Stars: ✭ 4,109 (+12351.52%)
Mutual labels:  policy-gradient, double-dqn
distributed rl
Pytorch implementation of distributed deep reinforcement learning
Stars: ✭ 66 (+100%)
Mutual labels:  double-dqn, dueling-dqn
Reinforcement Learning
Deep Reinforcement Learning Algorithms implemented with Tensorflow 2.3
Stars: ✭ 61 (+84.85%)
Deep-rl-mxnet
Mxnet implementation of Deep Reinforcement Learning papers, such as DQN, PG, DDPG, PPO
Stars: ✭ 26 (-21.21%)
king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Stars: ✭ 23 (-30.3%)
deeprl-continuous-control
Learning Continuous Control in Deep Reinforcement Learning
Stars: ✭ 14 (-57.58%)
rl-algorithms
Reinforcement learning algorithms
Stars: ✭ 40 (+21.21%)
SharkStock
Automate swing trading using deep reinforcement learning. The deep deterministic policy gradient-based neural network model trains to choose an action to sell, buy, or hold the stocks to maximize the gain in asset value. The paper also acknowledges the need for a system that predicts the trend in stock value to work along with the reinforcement …
Stars: ✭ 63 (+90.91%)
Mutual labels:  policy-gradient
bandits
Comparison of bandit algorithms from the Reinforcement Learning bible.
Stars: ✭ 16 (-51.52%)
alphazero
Board Game Reinforcement Learning using AlphaZero method. including Makhos (Thai Checkers), Reversi, Connect Four, Tic-tac-toe game rules
Stars: ✭ 24 (-27.27%)
Mutual labels:  alphago-zero
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+8575.76%)
Mutual labels:  policy-gradient
Multihopkg
Multi-hop knowledge graph reasoning learned via policy gradient with reward shaping and action dropout
Stars: ✭ 202 (+512.12%)
Mutual labels:  policy-gradient
deep rl acrobot
TensorFlow A2C to solve Acrobot, with synchronized parallel environments
Stars: ✭ 32 (-3.03%)
Mutual labels:  policy-gradient
A2c
A Clearer and Simpler Synchronous Advantage Actor Critic (A2C) Implementation in TensorFlow
Stars: ✭ 169 (+412.12%)
Mutual labels:  policy-gradient
Policy Gradient
Minimal Monte Carlo Policy Gradient (REINFORCE) Algorithm Implementation in Keras
Stars: ✭ 135 (+309.09%)
Mutual labels:  policy-gradient
ml-ai
ML-AI Community | Open Source | Built in Bharat for the World | Data science problem statements and solutions
Stars: ✭ 32 (-3.03%)
segmentation-enhanced-resunet
Urban building extraction in Daejeon region using Modified Residual U-Net (Modified ResUnet) and applying post-processing.
Stars: ✭ 34 (+3.03%)
Mutual labels:  residual-networks
Fruit-API
A Universal Deep Reinforcement Learning Framework
Stars: ✭ 61 (+84.85%)
Pytorch Rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Stars: ✭ 121 (+266.67%)
Mutual labels:  policy-gradient
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 (+0%)
KKAlphaGoZero
alphaGoZero论文的实现
Stars: ✭ 35 (+6.06%)
Mutual labels:  alphago-zero
alpha sigma
A pytorch based Gomoku game model. Alpha Zero algorithm based reinforcement Learning and Monte Carlo Tree Search model.
Stars: ✭ 134 (+306.06%)
Mutual labels:  monte-carlo-tree-search
agentmodels.org
Modeling agents with probabilistic programs
Stars: ✭ 66 (+100%)
alphastone
Using self-play, MCTS, and a deep neural network to create a hearthstone ai player
Stars: ✭ 24 (-27.27%)
Mutual labels:  monte-carlo-tree-search
marltoolbox
A toolbox with the goal of speeding up research on bargaining in MARL (cooperation problems in MARL).
Stars: ✭ 25 (-24.24%)
pytorch-rl
Pytorch Implementation of RL algorithms
Stars: ✭ 15 (-54.55%)
Torchrl
Highly Modular and Scalable Reinforcement Learning
Stars: ✭ 102 (+209.09%)
Mutual labels:  policy-gradient
DRL in CV
A course on Deep Reinforcement Learning in Computer Vision. Visit Website:
Stars: ✭ 59 (+78.79%)
Mutual labels:  policy-gradient
Deep Algotrading
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
Stars: ✭ 173 (+424.24%)
Mutual labels:  policy-gradient
imitation learning
PyTorch implementation of some reinforcement learning algorithms: A2C, PPO, Behavioral Cloning from Observation (BCO), GAIL.
Stars: ✭ 93 (+181.82%)
Mutual labels:  policy-gradient
Show Adapt And Tell
Code for "Show, Adapt and Tell: Adversarial Training of Cross-domain Image Captioner" in ICCV 2017
Stars: ✭ 146 (+342.42%)
Mutual labels:  policy-gradient
onn
Online Deep Learning: Learning Deep Neural Networks on the Fly / Non-linear Contextual Bandit Algorithm (ONN_THS)
Stars: ✭ 139 (+321.21%)
Deep Reinforcement Learning With Pytorch
PyTorch implementation of DQN, AC, ACER, A2C, A3C, PG, DDPG, TRPO, PPO, SAC, TD3 and ....
Stars: ✭ 1,345 (+3975.76%)
Mutual labels:  policy-gradient
Mlds2018spring
Machine Learning and having it Deep and Structured (MLDS) in 2018 spring
Stars: ✭ 124 (+275.76%)
Mutual labels:  policy-gradient
ludorum.js
A board game framework, focused not on graphics or user interfaces, but on artificial players design, implementation and testing.
Stars: ✭ 13 (-60.61%)
Mutual labels:  monte-carlo-tree-search
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+9003.03%)
Mutual labels:  policy-gradient
rpg
Ranking Policy Gradient
Stars: ✭ 22 (-33.33%)
Mutual labels:  policy-gradient
Reinforcement learning
강화학습에 대한 기본적인 알고리즘 구현
Stars: ✭ 100 (+203.03%)
Mutual labels:  policy-gradient
RL
A set of RL experiments. Currently including: (1) the MDP rank experiment, based on policy gradient algorithm
Stars: ✭ 22 (-33.33%)
Mutual labels:  policy-gradient
Deeprl algorithms
DeepRL algorithms implementation easy for understanding and reading with Pytorch and Tensorflow 2(DQN, REINFORCE, VPG, A2C, TRPO, PPO, DDPG, TD3, SAC)
Stars: ✭ 97 (+193.94%)
Mutual labels:  policy-gradient
Hypernets
A General Automated Machine Learning framework to simplify the development of End-to-end AutoML toolkits in specific domains.
Stars: ✭ 221 (+569.7%)
Mutual labels:  monte-carlo-tree-search
Reinforcement learning
Reinforcement learning tutorials
Stars: ✭ 82 (+148.48%)
Mutual labels:  policy-gradient
Codegan
[Deprecated] Source Code Generation using Sequence Generative Adversarial Networks
Stars: ✭ 73 (+121.21%)
Mutual labels:  policy-gradient
caffe-wrn-generator
Caffe Wide-Residual-Network (WRN) Generator
Stars: ✭ 19 (-42.42%)
Mutual labels:  residual-networks
LWDRLC
Lightweight deep RL Libraray for continuous control.
Stars: ✭ 14 (-57.58%)
Mutual labels:  policy-gradient
UAV-DDPG
Code for paper "Computation Offloading Optimization for UAV-assisted Mobile Edge Computing: A Deep Deterministic Policy Gradient Approach"
Stars: ✭ 133 (+303.03%)
Rl Course Experiments
Stars: ✭ 73 (+121.21%)
Mutual labels:  policy-gradient
Parl Sample
Deep reinforcement learning using baidu PARL(maze,flappy bird and so on)
Stars: ✭ 37 (+12.12%)
Mutual labels:  policy-gradient
Slm Lab
Modular Deep Reinforcement Learning framework in PyTorch. Companion library of the book "Foundations of Deep Reinforcement Learning".
Stars: ✭ 904 (+2639.39%)
Mutual labels:  policy-gradient
l2rpn-baselines
L2RPN Baselines a repository to host baselines for l2rpn competitions.
Stars: ✭ 57 (+72.73%)
breakout-Deep-Q-Network
Reinforcement Learning | tensorflow implementation of DQN, Dueling DQN and Double DQN performed on Atari Breakout
Stars: ✭ 69 (+109.09%)
Mutual labels:  dueling-dqn
Btgym
Scalable, event-driven, deep-learning-friendly backtesting library
Stars: ✭ 765 (+2218.18%)
Mutual labels:  policy-gradient
1-60 of 130 similar projects