Reinforcement Learning with Q-Learning Algorithm on gym's frozen lake environment implemented in python

Overview

Reinforcement Learning with Q Learning Algorithm

Q learning algorithm is trained on the gym's frozen lake environment.

Libraries Used

  • gym
  • Numpy
  • tqdm
  • Pytorch Deep Learning Framework

  • Install Requirement Files

    clone the repository or download the 'requirement.txt' files, then open terminal in the working directory and type
    'pip install -r requirements.txt'
    to install all the requirements for this project.

    Demo Video

    Q-learning.mp4
    Heterogeneous Temporal Graph Neural Network

    Heterogeneous Temporal Graph Neural Network This repository contains the datasets and source code of HTGNN. run_mag.ipynb is the training and testing

    15 Dec 22, 2022
    Official Pytorch and JAX implementation of "Efficient-VDVAE: Less is more"

    The Official Pytorch and JAX implementation of "Efficient-VDVAE: Less is more" Arxiv preprint Louay Hazami   ·   Rayhane Mama   ·   Ragavan Thurairatn

    Rayhane Mama 144 Dec 23, 2022
    Awesome Transformers in Medical Imaging

    This repo supplements our Survey on Transformers in Medical Imaging Fahad Shamshad, Salman Khan, Syed Waqas Zamir, Muhammad Haris Khan, Munawar Hayat,

    Fahad Shamshad 666 Jan 06, 2023
    Source code for CVPR 2020 paper "Learning to Forget for Meta-Learning"

    L2F - Learning to Forget for Meta-Learning Sungyong Baik, Seokil Hong, Kyoung Mu Lee Source code for CVPR 2020 paper "Learning to Forget for Meta-Lear

    Sungyong Baik 29 May 22, 2022
    High performance distributed framework for training deep learning recommendation models based on PyTorch.

    High performance distributed framework for training deep learning recommendation models based on PyTorch.

    340 Dec 30, 2022
    Pytorch code for semantic segmentation using ERFNet

    ERFNet (PyTorch version) This code is a toolbox that uses PyTorch for training and evaluating the ERFNet architecture for semantic segmentation. For t

    Edu 394 Jan 01, 2023
    PyTorch implementations of the paper: "Learning Independent Instance Maps for Crowd Localization"

    IIM - Crowd Localization This repo is the official implementation of paper: Learning Independent Instance Maps for Crowd Localization. The code is dev

    tao han 91 Nov 10, 2022
    A Comparative Review of Recent Kinect-Based Action Recognition Algorithms (TIP2020, Matlab codes)

    A Comparative Review of Recent Kinect-Based Action Recognition Algorithms This repo contains: the HDG implementation (Matlab codes) for 'Analysis and

    Lei Wang 5 Oct 22, 2022
    The AWS Certified SysOps Administrator

    The AWS Certified SysOps Administrator – Associate (SOA-C02) exam is intended for system administrators in a cloud operations role who have at least 1 year of hands-on experience with deployment, man

    Aiden Pearce 32 Dec 11, 2022
    Repo público onde postarei meus estudos de Python, buscando aprender por meio do compartilhamento do aprendizado!

    Seja bem vindo à minha repo de Estudos em Python 3! Este é um repositório criado por um programador amador que estuda tópicos de finanças, estatística

    32 Dec 24, 2022
    Hierarchical Motion Encoder-Decoder Network for Trajectory Forecasting (HMNet)

    Hierarchical Motion Encoder-Decoder Network for Trajectory Forecasting (HMNet) Our paper: https://arxiv.org/abs/2111.13324 We will release the complet

    15 Oct 17, 2022
    Frigate - NVR With Realtime Object Detection for IP Cameras

    A complete and local NVR designed for HomeAssistant with AI object detection. Uses OpenCV and Tensorflow to perform realtime object detection locally for IP cameras.

    Blake Blackshear 6.4k Dec 31, 2022
    ALBERT-pytorch-implementation - ALBERT pytorch implementation

    ALBERT-pytorch-implementation developing... 모델의 개념이해를 돕기 위한 구현물로 현재 변수명을 상세히 적었고

    BG Kim 3 Oct 06, 2022
    AI Virtual Calculator: This is a simple virtual calculator based on Artificial intelligence.

    AI Virtual Calculator: This is a simple virtual calculator that works with gestures using OpenCV. We will use our hand in the air to click on the calc

    Md. Rakibul Islam 1 Jan 13, 2022
    This repository contains the scripts for downloading and validating scripts for the documents

    HC4: HLTCOE CLIR Common-Crawl Collection This repository contains the scripts for downloading and validating scripts for the documents. Document ids,

    JHU Human Language Technology Center of Excellence 6 Jun 07, 2022
    Official code repository for A Simple Long-Tailed Rocognition Baseline via Vision-Language Model.

    BALLAD This is the official code repository for A Simple Long-Tailed Rocognition Baseline via Vision-Language Model. Requirements Python3 Pytorch(1.7.

    peng gao 42 Nov 26, 2022
    Advbox is a toolbox to generate adversarial examples that fool neural networks in PaddlePaddle、PyTorch、Caffe2、MxNet、Keras、TensorFlow and Advbox can benchmark the robustness of machine learning models.

    Advbox is a toolbox to generate adversarial examples that fool neural networks in PaddlePaddle、PyTorch、Caffe2、MxNet、Keras、TensorFlow and Advbox can benchmark the robustness of machine learning models

    AdvBox 1.3k Dec 25, 2022
    Minimal PyTorch implementation of YOLOv3

    A minimal PyTorch implementation of YOLOv3, with support for training, inference and evaluation.

    Erik Linder-Norén 6.9k Dec 29, 2022
    Leveraging Two Types of Global Graph for Sequential Fashion Recommendation, ICMR 2021

    This is the repo for the paper: Leveraging Two Types of Global Graph for Sequential Fashion Recommendation Requirements OS: Ubuntu 16.04 or higher ver

    Yujuan Ding 10 Oct 10, 2022