All Projects → abc → Similar Projects or Alternatives

327 Open source projects that are alternatives of or similar to abc

Deep Reinforcement Learning Algorithms
31 projects in the framework of Deep Reinforcement Learning algorithms: Q-learning, DQN, PPO, DDPG, TD3, SAC, A2C and others. Each project is provided with a detailed training log.
Stars: ✭ 167 (+568%)
Baby A3c
A high-performance Atari A3C agent in 180 lines of PyTorch
Stars: ✭ 144 (+476%)
Chanlun
文件 笔和线段的一种划分.py,只需要把k线high,low数据输入,就能自动实现笔,线段,中枢,买卖点,走势类型的划分了。可以把sh.csv 作为输入文件。个人简历见.pdf。时间的力量。有人说择时很困难,有人说选股很容易,有人说统计套利需要的IT配套设施很重要。还有人说系统有不可测原理。众说纷纭。分布式的系统,当你的影响可以被忽略,你才能实现,Jiang主席所谓之,闷声发大财。
Stars: ✭ 206 (+724%)
Machine Learning Is All You Need
🔥🌟《Machine Learning 格物志》: ML + DL + RL basic codes and notes by sklearn, PyTorch, TensorFlow, Keras & the most important, from scratch!💪 This repository is ALL You Need!
Stars: ✭ 173 (+592%)
Policy Gradient
Minimal Monte Carlo Policy Gradient (REINFORCE) Algorithm Implementation in Keras
Stars: ✭ 135 (+440%)
Acer
Actor-critic with experience replay
Stars: ✭ 215 (+760%)
Spinning Up Basic
Basic versions of agents from Spinning Up in Deep RL written in PyTorch
Stars: ✭ 155 (+520%)
Watermark Remover
Remove watermark automatically(Just can use for fixed position watermark till now). 自动水印消除算法的实现(目前只支持固定水印位置)。
Stars: ✭ 236 (+844%)
D3rlpy
An offline deep reinforcement learning library
Stars: ✭ 139 (+456%)
Atari Model Zoo
A binary release of trained deep reinforcement learning models trained in the Atari machine learning benchmark, and a software release that enables easy visualization and analysis of models, and comparison across training algorithms.
Stars: ✭ 198 (+692%)
Deep Reinforcement Learning For Dialogue Generation In Tensorflow
Deep-Reinforcement-Learning-for-Dialogue-Generation-in-tensorflow
Stars: ✭ 178 (+612%)
Deep Reinforcement Learning In Large Discrete Action Spaces
Implementation of the algorithm in Python 3, TensorFlow and OpenAI Gym
Stars: ✭ 132 (+428%)
Gam
A PyTorch implementation of "Graph Classification Using Structural Attention" (KDD 2018).
Stars: ✭ 227 (+808%)
Noisynet A3c
Noisy Networks for Exploration
Stars: ✭ 171 (+584%)
Learningx
Deep & Classical Reinforcement Learning + Machine Learning Examples in Python
Stars: ✭ 241 (+864%)
Gym Carla
An OpenAI gym wrapper for CARLA simulator
Stars: ✭ 164 (+556%)
Trixi
Manage your machine learning experiments with trixi - modular, reproducible, high fashion. An experiment infrastructure optimized for PyTorch, but flexible enough to work for your framework and your tastes.
Stars: ✭ 211 (+744%)
Go Bot Drl
Goal-Oriented Chatbot trained with Deep Reinforcement Learning
Stars: ✭ 149 (+496%)
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 (+152%)
Pcgrad
Code for "Gradient Surgery for Multi-Task Learning"
Stars: ✭ 144 (+476%)
Papers
Summaries of machine learning papers
Stars: ✭ 2,362 (+9348%)
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 (+448%)
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (+832%)
Ml Agents
Unity Machine Learning Agents Toolkit
Stars: ✭ 12,134 (+48436%)
Reinforcementlearning.jl
A reinforcement learning package for Julia
Stars: ✭ 192 (+668%)
Hands On Intelligent Agents With Openai Gym
Code for Hands On Intelligent Agents with OpenAI Gym book to get started and learn to build deep reinforcement learning agents using PyTorch
Stars: ✭ 189 (+656%)
Muzero Pytorch
Pytorch Implementation of MuZero
Stars: ✭ 129 (+416%)
Applied Reinforcement Learning
Reinforcement Learning and Decision Making tutorials explained at an intuitive level and with Jupyter Notebooks
Stars: ✭ 229 (+816%)
Pytorch sac
PyTorch implementation of Soft Actor-Critic (SAC)
Stars: ✭ 174 (+596%)
Reinforcement Learning
Minimal and Clean Reinforcement Learning Examples
Stars: ✭ 2,863 (+11352%)
Drl
Repository for codes of 'Deep Reinforcement Learning'
Stars: ✭ 172 (+588%)
Deep rl trader
Trading Environment(OpenAI Gym) + DDQN (Keras-RL)
Stars: ✭ 222 (+788%)
2048 Deep Reinforcement Learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Stars: ✭ 169 (+576%)
AI-Projects
AI项目(强化学习、深度学习、计算机视觉、推荐系统、自然语言处理、机器导航、医学影像处理)
Stars: ✭ 39 (+56%)
Accel Brain Code
The purpose of this repository is to make prototypes as case study in the context of proof of concept(PoC) and research and development(R&D) that I have written in my website. The main research topics are Auto-Encoders in relation to the representation learning, the statistical machine learning for energy-based models, adversarial generation networks(GANs), Deep Reinforcement Learning such as Deep Q-Networks, semi-supervised learning, and neural network language model for natural language processing.
Stars: ✭ 166 (+564%)
Deeprl
Modularized Implementation of Deep RL Algorithms in PyTorch
Stars: ✭ 2,640 (+10460%)
Airsim
Open source simulator for autonomous vehicles built on Unreal Engine / Unity, from Microsoft AI & Research
Stars: ✭ 12,528 (+50012%)
Roboleague
A car soccer environment inspired by Rocket League for deep reinforcement learning experiments in an adversarial self-play setting.
Stars: ✭ 236 (+844%)
Awesome Deep Neuroevolution
A collection of Deep Neuroevolution resources or evolutionary algorithms applying in Deep Learning (constantly updating)
Stars: ✭ 150 (+500%)
Pytorch A2c Ppo Acktr Gail
PyTorch implementation of Advantage Actor Critic (A2C), Proximal Policy Optimization (PPO), Scalable trust-region method for deep reinforcement learning using Kronecker-factored approximation (ACKTR) and Generative Adversarial Imitation Learning (GAIL).
Stars: ✭ 2,632 (+10428%)
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+8104%)
king-pong
Deep Reinforcement Learning Pong Agent, King Pong, he's the best
Stars: ✭ 23 (-8%)
Scalphagozero
An independent implementation of DeepMind's AlphaGoZero in Scala, using Deeplearning4J (DL4J)
Stars: ✭ 144 (+476%)
Tensorflow2 Deep Reinforcement Learning
Code accompanying the blog post "Deep Reinforcement Learning with TensorFlow 2.1"
Stars: ✭ 204 (+716%)
Deep Learning Papers Reading Roadmap
深度学习论文阅读路线图
Stars: ✭ 142 (+468%)
Learning To Communicate Pytorch
Learning to Communicate with Deep Multi-Agent Reinforcement Learning in PyTorch
Stars: ✭ 236 (+844%)
Finrl Library
FinRL: Financial Reinforcement Learning Framework. Please star. 🔥
Stars: ✭ 3,037 (+12048%)
Deep Reinforcement Learning Gym
Deep reinforcement learning model implementation in Tensorflow + OpenAI gym
Stars: ✭ 200 (+700%)
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 (+444%)
action-branching-agents
(AAAI 2018) Action Branching Architectures for Deep Reinforcement Learning
Stars: ✭ 91 (+264%)
Adnet
Attention-guided CNN for image denoising(Neural Networks,2020)
Stars: ✭ 135 (+440%)
Drl4recsys
Courses on Deep Reinforcement Learning (DRL) and DRL papers for recommender systems
Stars: ✭ 196 (+684%)
Keras Rl2
Reinforcement learning with tensorflow 2 keras
Stars: ✭ 134 (+436%)
Machine Learning Uiuc
🖥️ CS446: Machine Learning in Spring 2018, University of Illinois at Urbana-Champaign
Stars: ✭ 233 (+832%)
Awesome Deep Rl
A curated list of awesome Deep Reinforcement Learning resources.
Stars: ✭ 193 (+672%)
DQN-using-PyTorch-and-ML-Agents
A simple example of how to implement vector based DQN using PyTorch and a ML-Agents environment
Stars: ✭ 81 (+224%)
yarll
Combining deep learning and reinforcement learning.
Stars: ✭ 84 (+236%)
Drl based selfdrivingcarcontrol
Deep Reinforcement Learning (DQN) based Self Driving Car Control with Vehicle Simulator
Stars: ✭ 249 (+896%)
Deep Rl Trading
playing idealized trading games with deep reinforcement learning
Stars: ✭ 228 (+812%)
Naf Tensorflow
"Continuous Deep Q-Learning with Model-based Acceleration" in TensorFlow
Stars: ✭ 192 (+668%)
1-60 of 327 similar projects