• Stars
    star
    3,681
  • Rank 11,531 (Top 0.3 %)
  • Language
    Jupyter Notebook
  • Created about 6 years ago
  • Updated about 1 year ago

Reviews

There are no reviews yet. Be the first to send feedback to the community and the maintainers!

Repository Details

Implementations from the free course Deep Reinforcement Learning with Tensorflow and PyTorch

Deep Reinforcement Learning Course

We launched a new free Deep Reinforcement Learning Course with Hugging Face ๐Ÿค—

๐Ÿ‘‰ Register here http://eepurl.com/h1pElX

๐Ÿ‘‰ The course: https://huggingface.co/deep-rl-course/unit0/introduction

๐Ÿ“š The syllabus: https://simoninithomas.github.io/deep-rl-course/

In this updated free course, you will:

  • ๐Ÿ“– Study Deep Reinforcement Learning in theory and practice.
  • ๐Ÿง‘โ€๐Ÿ’ป Learn to use famous Deep RL libraries such as Stable Baselines3, RL Baselines3 Zoo, Sample Factory and CleanRL.
  • ๐Ÿค– Train agents in unique environments such as SnowballFight, Huggy the Doggo ๐Ÿถ, MineRL (Minecraftย โ›๏ธ), VizDoom (Doom)ย and classical ones such as Space Invaders and PyBullet.
  • ๐Ÿ’พ Publish your trained agents in one line of code to the Hub. But also download powerful agents from the community.
  • ๐Ÿ† Participate in challenges where you will evaluate your agents against other teams. But also play against AI you'll train. And more!

More Repositories

1

awesome-ai-tools-for-game-dev

A curated list of awesome AI tools for game developers
312
star
2

CatDCGAN

A DCGAN that generate Cat pictures ๐Ÿฑโ€๐Ÿ’ป
Jupyter Notebook
201
star
3

unity_ml_agents_course

Learn to create agents in Unity ML using Deep Reinforcement Learning with Tensorflow.
87
star
4

the_mayan_adventure

The Mayan Adventure is an open-source reinforcement learning environment for Unity ML-Agents. In this environment, you train your agent (Indie) to find the golden statue in this dangerous environment full of traps.
ShaderLab
32
star
5

jammo_the_robot

21
star
6

Time-series-prediction-and-text-generation

Built RNNs that can generate sequences based on input data - with a focus on two applications: used real market data in order to predict future Apple stock prices using an RNN model. The second one will be trained on Sir Arthur Conan Doyle's classic novel Sherlock Holmes and generates wacky sentences based on it that may - or may not - become the next great Sherlock Holmes novel.
Jupyter Notebook
10
star
7

AI_NANODEGREE-Computer-Vision-Capstone-Project-Facial-Keypoint-Detection-and-Real-time-Filtering

A CNN that make facial keypoint detection and real time filtering
Jupyter Notebook
9
star
8

ml-agents-snowball-fight

A multi-agent environment using Unity ML-Agents Toolkit
9
star
9

Baselines_icm

[Work in Progress] ICM plugin for OpenAI Baselines
HTML
7
star
10

MLAgents-Tanks

A multi-agent environment using Unity ML-Agents Toolkit where two agents compete in a 1vs1 tank fight game
5
star
11

cifar-10-classifier-pytorch

A simple cifar-10 classifier with PyTorch
Jupyter Notebook
4
star
12

Dog-Breed-Classifier

Convolutional Neural Network that recognizes dog breeds
Jupyter Notebook
4
star
13

News-Crawler-Parse-Backend

This is a crawler made with Scrapy.py to crawl french news articles and send them in your Parse.com backend
Python
3
star
14

Test_doom_dqn

Python
2
star
15

deep_q_learning

A DQL implementation with keras
Jupyter Notebook
2
star
16

style-transfer-pytorch

A Style Transfer agent that applies La Joconde's style to any picture [PROTOTYPE]
Jupyter Notebook
2
star
17

squad_v1.1_for_question_generation

Python
2
star
18

GAN_implementations

Some GAN (Generative Adversarial Networks) implementations to generate MNIST images
Jupyter Notebook
2
star
19

Policy_gradients_CartPole

A Policy Gradient Learning with CartPole-v0 for Siraj Raval's challenge
Jupyter Notebook
2
star
20

DLFN_Face_generator

A Generative Adversarial Network that generate human faces
Jupyter Notebook
2
star
21

NewsSwipe

This version is for educational purposes only. The goal is to learn to create android applications with network. I create this app with the help of the excellent course : Udacity Android basics : networking
Java
2
star
22

NewsSwipeWebsiteV1.0

First version of NewsSwipe website december 2015
CSS
1
star
23

deep-rl-course

1
star
24

LittleCoffeeShop

Little Coffee Shop is an app that helps you to order in a coffee shop called "Little Coffee Shop".
Java
1
star
25

DLFN_Generate_The_Simpsons_Scripts

An RNN that generates new scripts for the Simpsons' tv show
HTML
1
star
26

Where_is_my_cat

A series of YOLO experimentations using DarkFlow
1
star
27

DGAN-Implementations

Some DGAN (Deep Generative Adversarial Networks) implementations to generate human faces
Jupyter Notebook
1
star
28

PlayBot_BackEnd

Playbot API in NodeJS
JavaScript
1
star
29

PlayBot_website

Website for a fake project : Playbot a bot that proposes games based on user tastes
HTML
1
star
30

sonictest

1
star
31

simonini_thomas_website

First version on my personal website
CSS
1
star
32

Policy-Gradient-Doom--

Policy Gradient based agent that tries to survive in an hostile environement by collecting health.
Jupyter Notebook
1
star
33

simonini_thomas_website_new

My new personal website
JavaScript
1
star
34

DLFN_Language_Translation

A Seq-to-seq model that translates English to French
HTML
1
star
35

NihongoHanasuKotoGaDekimasu

Android app to learn some basic Japanese vocabulary. Created with the help of the Udacity's course : Android basics, Multiscreen apps
Java
1
star
36

SimpleLinearRegression_PhiladelphiaRateCrime_HousePricePrediction

This Machine Learning model helps us to predict of houses prices in Philadelphia region based on crime rate.
Jupyter Notebook
1
star
37

DLFN_First_neural_network

Deep Learning Foundations Nanodegree. Udacity Project 1: Your first neural network
HTML
1
star
38

NewsAppRV

NewsAppRV is a demo app made as an example for the article RecyclerView made easy.
Java
1
star
39

tanks

1
star
40

StockHawk

An Android App that displays stock prices
Java
1
star
41

MoviesHuntNano

Movies Hunt is an Android app that helps user to find the next movie to watch.
Java
1
star
42

PlayBot

PlayBot is an AI that propose games based on user tastes
JavaScript
1
star
43

DLFN_Image_classification

In this project, you'll classify images from the CIFAR-10 dataset. The dataset consists of airplanes, dogs, cats, and other objects. The dataset will need to be preprocessed, then train a convolutional neural network on all the samples. You'll normalize the images, one-hot encode the labels, build a convolutional layer, max pool layer, and fully connected layer. At then end, you'll see their predictions on the sample images.
1
star