All Projects â†’ Ceruleanacg â†’ Learning Notes

Ceruleanacg / Learning Notes

Licence: mit
💡 Repo of learning notes in DRL and DL, theory, codes, models and notes maybe.

Projects that are alternatives of or similar to Learning Notes

Deep Reinforcement Learning
Repo for the Deep Reinforcement Learning Nanodegree program
Stars: ✭ 4,012 (+4357.78%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Introtodeeplearning
Lab Materials for MIT 6.S191: Introduction to Deep Learning
Stars: ✭ 4,955 (+5405.56%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
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 (+391.11%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Gdrl
Grokking Deep Reinforcement Learning
Stars: ✭ 304 (+237.78%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Deeprl Tutorials
Contains high quality implementations of Deep Reinforcement Learning algorithms written in PyTorch
Stars: ✭ 748 (+731.11%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Reinforcement Learning
Learn Deep Reinforcement Learning in 60 days! Lectures & Code in Python. Reinforcement Learning + Deep Learning
Stars: ✭ 3,329 (+3598.89%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Rl Book
Source codes for the book "Reinforcement Learning: Theory and Python Implementation"
Stars: ✭ 464 (+415.56%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Applied Reinforcement Learning
Reinforcement Learning and Decision Making tutorials explained at an intuitive level and with Jupyter Notebooks
Stars: ✭ 229 (+154.44%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Hands On Reinforcement Learning With Python
Master Reinforcement and Deep Reinforcement Learning using OpenAI Gym and TensorFlow
Stars: ✭ 640 (+611.11%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Deep Reinforcement Learning For Automated Stock Trading Ensemble Strategy Icaif 2020
Deep Reinforcement Learning for Automated Stock Trading: An Ensemble Strategy. ICAIF 2020. Please star.
Stars: ✭ 518 (+475.56%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Deep reinforcement learning course
Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch
Stars: ✭ 3,232 (+3491.11%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Rl Course Experiments
Stars: ✭ 73 (-18.89%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Drq
DrQ: Data regularized Q
Stars: ✭ 268 (+197.78%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Lagom
lagom: A PyTorch infrastructure for rapid prototyping of reinforcement learning algorithms.
Stars: ✭ 364 (+304.44%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Rad
RAD: Reinforcement Learning with Augmented Data
Stars: ✭ 268 (+197.78%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Rl Portfolio Management
Attempting to replicate "A Deep Reinforcement Learning Framework for the Financial Portfolio Management Problem" https://arxiv.org/abs/1706.10059 (and an openai gym environment)
Stars: ✭ 447 (+396.67%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
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 (+120%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Tensorflow2 Deep Reinforcement Learning
Code accompanying the blog post "Deep Reinforcement Learning with TensorFlow 2.1"
Stars: ✭ 204 (+126.67%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Practical rl
A course in reinforcement learning in the wild
Stars: ✭ 4,741 (+5167.78%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning
Minecraft Reinforcement Learning
Deep Recurrent Q-Learning vs Deep Q Learning on a simple Partially Observable Markov Decision Process with Minecraft
Stars: ✭ 33 (-63.33%)
Mutual labels:  jupyter-notebook, deep-reinforcement-learning

License Platform Python

Learning Notes of DRL & DL

A repo of Learning notes of DRL & DL, theory, codes, models and notes maybe.

Content

Notes

Deep Learning Basic

Natural Language Processing

Deep Reinforcement Learning

Deep Learning Engineering

Docker

Codes

Requirements

  • numpy
  • scipy
  • sklearn
  • matplotlib
  • tensorflow==1.8

Instructions for codes

Artifical Neuron Network (ANN)

  1. Load your data, for example, iris data set.
from sklearn.datasets import load_iris
iris = load_iris()
  1. Standardize your data.
scaler = StandardScaler()
scaler.fit(iris.data)

x_data = scaler.transform(iris.data)
y_data = np.zeros((150, 3))
y_data[np.arange(150), iris.target] = 1
  1. Initialize activations, which are configurable.
activation_funcs = [function.relu] * 1
# activation_funcs = [function.tanh] * 1
# activation_funcs = [function.sigmoid] * 1
activation_funcs.append(function.linear)
  1. Initialize model, option parameters are configurable.
dense = Dense(x_space=4, y_space=3, neuron_count_list=[10], **{
    "loss_func": function.softmax_cross_entropy,
    "activation_funcs": activation_funcs,
    "learning_rate": 0.01,
    "enable_logger": True,
    "model_name": 'iris',
    "batch_size": 30,
    'model': 'train'
)
  1. Train or Restore & Evaluate.
dense.train(x_data, y_data)
# dense.restore()
dense.evaluate(x_data, y_data)
Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].