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
    Fang Zhonghao 13 Nov 19, 2022
    Public Models considered for emotion estimation from EEG

    Emotion-EEG Set of models for emotion estimation from EEG. Composed by the combination of two deep-learing models learning together (RNN and CNN) with

    Victor Delvigne 21 Dec 23, 2022
    Author: Wenhao Yu ([email protected]). ACL 2022. Commonsense Reasoning on Knowledge Graph for Text Generation

    Diversifying Commonsense Reasoning Generation on Knowledge Graph Introduction -- This is the pytorch implementation of our ACL 2022 paper "Diversifyin

    DM2 Lab @ ND 61 Dec 30, 2022
    Learning to Disambiguate Strongly Interacting Hands via Probabilistic Per-Pixel Part Segmentation [3DV 2021 Oral]

    Learning to Disambiguate Strongly Interacting Hands via Probabilistic Per-Pixel Part Segmentation [3DV 2021 Oral] Learning to Disambiguate Strongly In

    Zicong Fan 40 Dec 22, 2022
    Code for "Human Pose Regression with Residual Log-likelihood Estimation", ICCV 2021 Oral

    Human Pose Regression with Residual Log-likelihood Estimation [Paper] [arXiv] [Project Page] Human Pose Regression with Residual Log-likelihood Estima

    JeffLi 347 Dec 24, 2022
    Deep Learning and Reinforcement Learning Library for Scientists and Engineers 🔥

    TensorLayer is a novel TensorFlow-based deep learning and reinforcement learning library designed for researchers and engineers. It provides an extens

    TensorLayer Community 7.1k Dec 29, 2022
    An implementation of the [Hierarchical (Sig-Wasserstein) GAN] algorithm for large dimensional Time Series Generation

    Hierarchical GAN for large dimensional financial market data Implementation This repository is an implementation of the [Hierarchical (Sig-Wasserstein

    11 Nov 29, 2022
    The Video-based Accident Detection System built in Python

    Accident-detection-system About the Project This Repository contains the Video-based Accident Detection System built in Python. Contributors Yukta Gop

    SURYAVANSHI SNEHAL BALKRISHNA 50 Dec 07, 2022
    Vision Transformer and MLP-Mixer Architectures

    Vision Transformer and MLP-Mixer Architectures Update (2.7.2021): Added the "When Vision Transformers Outperform ResNets..." paper, and SAM (Sharpness

    Google Research 6.4k Jan 04, 2023
    AgML is a comprehensive library for agricultural machine learning

    AgML is a comprehensive library for agricultural machine learning. Currently, AgML provides access to a wealth of public agricultural datasets for common agricultural deep learning tasks.

    Plant AI and Biophysics Lab 1 Jul 07, 2022
    Repository for MuSiQue: Multi-hop Questions via Single-hop Question Composition

    🎵 MuSiQue: Multi-hop Questions via Single-hop Question Composition This is the repository for our paper "MuSiQue: Multi-hop Questions via Single-hop

    21 Jan 02, 2023
    TGS Salt Identification Challenge

    TGS Salt Identification Challenge This is an open solution to the TGS Salt Identification Challenge. Note Unfortunately, we can no longer provide supp

    neptune.ai 123 Nov 04, 2022
    Melanoma Skin Cancer Detection using Convolutional Neural Networks and Transfer Learning🕵🏻‍♂️

    This is a Kaggle competition in which we have to identify if the given lesion image is malignant or not for Melanoma which is a type of skin cancer.

    Vipul Shinde 1 Jan 27, 2022
    A PyTorch implementation of the WaveGlow: A Flow-based Generative Network for Speech Synthesis

    WaveGlow A PyTorch implementation of the WaveGlow: A Flow-based Generative Network for Speech Synthesis Quick Start: Install requirements: pip install

    Yuchao Zhang 204 Jul 14, 2022
    FreeSOLO for unsupervised instance segmentation, CVPR 2022

    FreeSOLO: Learning to Segment Objects without Annotations This project hosts the code for implementing the FreeSOLO algorithm for unsupervised instanc

    NVIDIA Research Projects 253 Jan 02, 2023
    The implementation for paper Joint t-SNE for Comparable Projections of Multiple High-Dimensional Datasets.

    Joint t-sne This is the implementation for paper Joint t-SNE for Comparable Projections of Multiple High-Dimensional Datasets. abstract: We present Jo

    IDEAS Lab 7 Dec 18, 2022
    A PyTorch implementation for V-Net: Fully Convolutional Neural Networks for Volumetric Medical Image Segmentation

    A PyTorch implementation of V-Net Vnet is a PyTorch implementation of the paper V-Net: Fully Convolutional Neural Networks for Volumetric Medical Imag

    Matthew Macy 606 Dec 21, 2022
    "Exploring Vision Transformers for Fine-grained Classification" at CVPRW FGVC8

    FGVC8 Exploring Vision Transformers for Fine-grained Classification paper presented at the CVPR 2021, The Eight Workshop on Fine-Grained Visual Catego

    Marcos V. Conde 19 Dec 06, 2022
    ClevrTex: A Texture-Rich Benchmark for Unsupervised Multi-Object Segmentation

    ClevrTex This repository contains dataset generation code for ClevrTex benchmark from paper: ClevrTex: A Texture-Rich Benchmark for Unsupervised Multi

    Laurynas Karazija 26 Dec 21, 2022
    This is the code of "Multi-view Contrastive Graph Clustering" in NeurlPS 2021.

    MCGC Description This is the code of "Multi-view Contrastive Graph Clustering" in NeurlPS 2021. Datasets Results ACM DBLP IMDB Amazon photos Amazon co

    31 Nov 14, 2022