All Projects → Aleph_star → Similar Projects or Alternatives

6824 Open source projects that are alternatives of or similar to Aleph_star

Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+1607.23%)
Machine Learning From Scratch
Succinct Machine Learning algorithm implementations from scratch in Python, solving real-world problems (Notebooks and Book). Examples of Logistic Regression, Linear Regression, Decision Trees, K-means clustering, Sentiment Analysis, Recommender Systems, Neural Networks and Reinforcement Learning.
Stars: ✭ 42 (-82.13%)
Ctc Executioner
Master Thesis: Limit order placement with Reinforcement Learning
Stars: ✭ 112 (-52.34%)
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+1316.6%)
Rainbow Is All You Need
Rainbow is all you need! A step-by-step tutorial from DQN to Rainbow
Stars: ✭ 938 (+299.15%)
Machine Learning Notebooks
Machine Learning notebooks for refreshing concepts.
Stars: ✭ 222 (-5.53%)
Ml Dl Scripts
The repository provides usefull python scripts for ML and data analysis
Stars: ✭ 119 (-49.36%)
Snake Ai Reinforcement
AI for Snake game trained from pixels using Deep Reinforcement Learning (DQN).
Stars: ✭ 123 (-47.66%)
Mutual labels:  reinforcement-learning, dqn
Modular Rl
[ICML 2020] PyTorch Code for "One Policy to Control Them All: Shared Modular Policies for Agent-Agnostic Control"
Stars: ✭ 126 (-46.38%)
Rainbow
A PyTorch implementation of Rainbow DQN agent
Stars: ✭ 147 (-37.45%)
Mutual labels:  reinforcement-learning, dqn
Minimalrl
Implementations of basic RL algorithms with minimal lines of codes! (pytorch based)
Stars: ✭ 2,051 (+772.77%)
Mutual labels:  reinforcement-learning, dqn
Nmflibrary
MATLAB library for non-negative matrix factorization (NMF): Version 1.8.1
Stars: ✭ 153 (-34.89%)
Machine learning
Estudo e implementação dos principais algoritmos de Machine Learning em Jupyter Notebooks.
Stars: ✭ 161 (-31.49%)
Coursera reinforcement learning
Coursera Reinforcement Learning Specialization by University of Alberta & Alberta Machine Intelligence Institute
Stars: ✭ 114 (-51.49%)
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 (-49.79%)
Advanced Deep Learning And Reinforcement Learning Deepmind
🎮 Advanced Deep Learning and Reinforcement Learning at UCL & DeepMind | YouTube videos 👉
Stars: ✭ 121 (-48.51%)
Ros2learn
ROS 2 enabled Machine Learning algorithms
Stars: ✭ 119 (-49.36%)
Mutual labels:  reinforcement-learning, dqn
Learn Statistical Learning Method
Implementation of Statistical Learning Method, Second Edition.《统计学习方法》第二版,算法实现。
Stars: ✭ 228 (-2.98%)
Python Machine Learning Book
The "Python Machine Learning (1st edition)" book code repository and info resource
Stars: ✭ 11,428 (+4762.98%)
Agents
TF-Agents: A reliable, scalable and easy to use TensorFlow library for Contextual Bandits and Reinforcement Learning.
Stars: ✭ 2,135 (+808.51%)
Mutual labels:  reinforcement-learning, dqn
Aixijs
AIXIjs - General Reinforcement Learning in the Browser
Stars: ✭ 128 (-45.53%)
Atari
AI research environment for the Atari 2600 games 🤖.
Stars: ✭ 174 (-25.96%)
Mutual labels:  reinforcement-learning, dqn
Machine Learning And Reinforcement Learning In Finance
Machine Learning and Reinforcement Learning in Finance New York University Tandon School of Engineering
Stars: ✭ 173 (-26.38%)
Tensorflow Rl
Implementations of deep RL papers and random experimentation
Stars: ✭ 176 (-25.11%)
Mutual labels:  reinforcement-learning, dqn
Pytorch Drl
PyTorch implementations of various Deep Reinforcement Learning (DRL) algorithms for both single agent and multi-agent.
Stars: ✭ 233 (-0.85%)
Mutual labels:  reinforcement-learning, dqn
Andrew Ng Notes
This is Andrew NG Coursera Handwritten Notes.
Stars: ✭ 180 (-23.4%)
Rlcycle
A library for ready-made reinforcement learning agents and reusable components for neat prototyping
Stars: ✭ 184 (-21.7%)
Mutual labels:  reinforcement-learning, dqn
Rl learn
我的强化学习笔记和学习材料📖 still updating ... ...
Stars: ✭ 234 (-0.43%)
Loandefault Prediction
Lending Club Loan data analysis
Stars: ✭ 113 (-51.91%)
Machine learning lectures
Collection of lectures and lab lectures on machine learning and deep learning. Lab practices in Python and TensorFlow.
Stars: ✭ 118 (-49.79%)
Sw machine learning
machine learning
Stars: ✭ 108 (-54.04%)
Time Series Classification And Clustering With Reservoir Computing
Library for implementing reservoir computing models (echo state networks) for multivariate time series classification and clustering.
Stars: ✭ 120 (-48.94%)
Pytorch Rl
Tutorials for reinforcement learning in PyTorch and Gym by implementing a few of the popular algorithms. [IN PROGRESS]
Stars: ✭ 121 (-48.51%)
Rl Quadcopter
Teach a Quadcopter How to Fly!
Stars: ✭ 124 (-47.23%)
Cartpole
OpenAI's cartpole env solver.
Stars: ✭ 107 (-54.47%)
Mutual labels:  reinforcement-learning, dqn
Machin
Reinforcement learning library(framework) designed for PyTorch, implements DQN, DDPG, A2C, PPO, SAC, MADDPG, A3C, APEX, IMPALA ...
Stars: ✭ 145 (-38.3%)
Mutual labels:  reinforcement-learning, dqn
Data Science Question Answer
A repo for data science related questions and answers
Stars: ✭ 2,000 (+751.06%)
Chess Alpha Zero
Chess reinforcement learning by AlphaGo Zero methods.
Stars: ✭ 1,868 (+694.89%)
Machine Learning Concepts
Machine Learning Concepts with Concepts
Stars: ✭ 134 (-42.98%)
Hdbscan
A high performance implementation of HDBSCAN clustering.
Stars: ✭ 2,032 (+764.68%)
Doudizhu
AI斗地主
Stars: ✭ 149 (-36.6%)
Mutual labels:  reinforcement-learning, dqn
Machine Learning Workflow With Python
This is a comprehensive ML techniques with python: Define the Problem- Specify Inputs & Outputs- Data Collection- Exploratory data analysis -Data Preprocessing- Model Design- Training- Evaluation
Stars: ✭ 157 (-33.19%)
Easy Rl
强化学习中文教程,在线阅读地址:https://datawhalechina.github.io/easy-rl/
Stars: ✭ 3,004 (+1178.3%)
Mutual labels:  reinforcement-learning, dqn
Pytorch sac
PyTorch implementation of Soft Actor-Critic (SAC)
Stars: ✭ 174 (-25.96%)
100 Days Of Ml Code
A day to day plan for this challenge. Covers both theoritical and practical aspects
Stars: ✭ 172 (-26.81%)
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 (-26.38%)
Log Anomaly Detector
Log Anomaly Detection - Machine learning to detect abnormal events logs
Stars: ✭ 169 (-28.09%)
Deeprl Agents
A set of Deep Reinforcement Learning Agents implemented in Tensorflow.
Stars: ✭ 2,149 (+814.47%)
Retro Learning Environment
The Retro Learning Environment (RLE) -- a learning framework for AI
Stars: ✭ 180 (-23.4%)
Mutual labels:  reinforcement-learning, dqn
Bet On Sibyl
Machine Learning Model for Sport Predictions (Football, Basketball, Baseball, Hockey, Soccer & Tennis)
Stars: ✭ 190 (-19.15%)
2048 Deep Reinforcement Learning
Trained A Convolutional Neural Network To Play 2048 using Deep-Reinforcement Learning
Stars: ✭ 169 (-28.09%)
Multihopkg
Multi-hop knowledge graph reasoning learned via policy gradient with reward shaping and action dropout
Stars: ✭ 202 (-14.04%)
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 (+1013.62%)
Rl Tutorial Jnrr19
Stable-Baselines tutorial for Journées Nationales de la Recherche en Robotique 2019
Stars: ✭ 204 (-13.19%)
Nn
🧑‍🏫 50! Implementations/tutorials of deep learning papers with side-by-side notes 📝; including transformers (original, xl, switch, feedback, vit, ...), optimizers (adam, adabelief, ...), gans(cyclegan, stylegan2, ...), 🎮 reinforcement learning (ppo, dqn), capsnet, distillation, ... 🧠
Stars: ✭ 5,720 (+2334.04%)
Release
Deep Reinforcement Learning for de-novo Drug Design
Stars: ✭ 201 (-14.47%)
Icychesszero
中国象棋alpha zero程序
Stars: ✭ 206 (-12.34%)
Deep Rl Trading
playing idealized trading games with deep reinforcement learning
Stars: ✭ 228 (-2.98%)
Mutual labels:  reinforcement-learning, dqn
Reinforcement Learning
🤖 Implements of Reinforcement Learning algorithms.
Stars: ✭ 104 (-55.74%)
Mutual labels:  reinforcement-learning, dqn
Tensorflow2.0 Examples
🙄 Difficult algorithm, Simple code.
Stars: ✭ 1,397 (+494.47%)
1-60 of 6824 similar projects