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
    ConformalLayers: A non-linear sequential neural network with associative layers

    ConformalLayers: A non-linear sequential neural network with associative layers ConformalLayers is a conformal embedding of sequential layers of Convo

    Prograf-UFF 5 Sep 28, 2022
    Co-GAIL: Learning Diverse Strategies for Human-Robot Collaboration

    CoGAIL Table of Content Overview Installation Dataset Training Evaluation Trained Checkpoints Acknowledgement Citations License Overview This reposito

    Jeremy Wang 29 Dec 24, 2022
    Finetune the base 64 px GLIDE-text2im model from OpenAI on your own image-text dataset

    Finetune the base 64 px GLIDE-text2im model from OpenAI on your own image-text dataset

    Clay Mullis 82 Oct 13, 2022
    Universal Probability Distributions with Optimal Transport and Convex Optimization

    Sylvester normalizing flows for variational inference Pytorch implementation of Sylvester normalizing flows, based on our paper: Sylvester normalizing

    Rianne van den Berg 172 Dec 13, 2022
    The Unsupervised Reinforcement Learning Benchmark (URLB)

    The Unsupervised Reinforcement Learning Benchmark (URLB) URLB provides a set of leading algorithms for unsupervised reinforcement learning where agent

    259 Dec 26, 2022
    3D ResNet Video Classification accelerated by TensorRT

    Activity Recognition TensorRT Perform video classification using 3D ResNets trained on Kinetics-400 dataset and accelerated with TensorRT P.S Click on

    Akash James 39 Nov 21, 2022
    Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals

    LapDepth-release This repository is a Pytorch implementation of the paper "Monocular Depth Estimation Using Laplacian Pyramid-Based Depth Residuals" M

    Minsoo Song 205 Dec 30, 2022
    A tool to estimate time varying instantaneous reproduction number during epidemics

    EpiEstim A tool to estimate time varying instantaneous reproduction number during epidemics. It is described in the following paper: @article{Cori2013

    MRC Centre for Global Infectious Disease Analysis 78 Dec 19, 2022
    Pytorch library for fast transformer implementations

    Transformers are very successful models that achieve state of the art performance in many natural language tasks

    Idiap Research Institute 1.3k Dec 30, 2022
    Using deep learning to predict gene structures of the coding genes in DNA sequences of Arabidopsis thaliana

    DeepGeneAnnotator: A tool to annotate the gene in the genome The master thesis of the "Using deep learning to predict gene structures of the coding ge

    Ching-Tien Wang 3 Sep 09, 2022
    JORLDY an open-source Reinforcement Learning (RL) framework provided by KakaoEnterprise

    Repository for Open Source Reinforcement Learning Framework JORLDY

    Kakao Enterprise Corp. 330 Dec 30, 2022
    A custom DeepStack model that has been trained detecting ONLY the USPS logo

    This repository provides a custom DeepStack model that has been trained detecting ONLY the USPS logo. This was created after I discovered that the Deepstack OpenLogo custom model I was using did not

    Stephen Stratoti 9 Dec 27, 2022
    Code for CPM-2 Pre-Train

    CPM-2 Pre-Train Pre-train CPM-2 此分支为110亿非 MoE 模型的预训练代码,MoE 模型的预训练代码请切换到 moe 分支 CPM-2技术报告请参考link。 0 模型下载 请在智源资源下载页面进行申请,文件介绍如下: 文件名 描述 参数大小 100000.tar

    Tsinghua AI 136 Dec 28, 2022
    Learnable Boundary Guided Adversarial Training (ICCV2021)

    Learnable Boundary Guided Adversarial Training This repository contains the implementation code for the ICCV2021 paper: Learnable Boundary Guided Adve

    DV Lab 27 Sep 25, 2022
    The code for "Deep Level Set for Box-supervised Instance Segmentation in Aerial Images".

    Deep Levelset for Box-supervised Instance Segmentation in Aerial Images Wentong Li, Yijie Chen, Wenyu Liu, Jianke Zhu* This code is based on MMdetecti

    sunshine.lwt 112 Jan 05, 2023
    Official repo for BMVC2021 paper ASFormer: Transformer for Action Segmentation

    ASFormer: Transformer for Action Segmentation This repo provides training & inference code for BMVC 2021 paper: ASFormer: Transformer for Action Segme

    42 Dec 23, 2022
    A Pytorch Implementation of a continuously rate adjustable learned image compression framework.

    GainedVAE A Pytorch Implementation of a continuously rate adjustable learned image compression framework, Gained Variational Autoencoder(GainedVAE). N

    39 Dec 24, 2022
    PyTorch Implementation of our paper Explain Me the Painting: Multi-Topic Knowledgeable Art Description Generation

    PyTorch Implementation of our paper Explain Me the Painting: Multi-Topic Knowledgeable Art Description Generation

    Zechen Bai 12 Jul 08, 2022
    Meta-learning for NLP

    Self-Supervised Meta-Learning for Few-Shot Natural Language Classification Tasks Code for training the meta-learning models and fine-tuning on downstr

    IESL 43 Nov 08, 2022
    The lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate.

    The lightweight PyTorch wrapper for high-performance AI research. Scale your models, not the boilerplate. Website • Key Features • How To Use • Docs •

    Pytorch Lightning 21.1k Dec 29, 2022