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
    [CVPR 2022 Oral] Balanced MSE for Imbalanced Visual Regression https://arxiv.org/abs/2203.16427

    Balanced MSE Code for the paper: Balanced MSE for Imbalanced Visual Regression Jiawei Ren, Mingyuan Zhang, Cunjun Yu, Ziwei Liu CVPR 2022 (Oral) News

    Jiawei Ren 267 Jan 01, 2023
    Generate image analogies using neural matching and blending

    neural image analogies This is basically an implementation of this "Image Analogies" paper, In our case, we use feature maps from VGG16. The patch mat

    Adam Wentz 3.5k Jan 08, 2023
    This script scrapes and stores the availability of timeslots for Car Driving Test at all RTA Serivce NSW centres in the state.

    This script scrapes and stores the availability of timeslots for Car Driving Test at all RTA Serivce NSW centres in the state. Dependencies Account wi

    Balamurugan Soundararaj 21 Dec 14, 2022
    PyTorch implementation of probabilistic deep forecast applied to air quality.

    Probabilistic Deep Forecast PyTorch implementation of a paper, titled: Probabilistic Deep Learning to Quantify Uncertainty in Air Quality Forecasting

    Abdulmajid Murad 13 Nov 16, 2022
    Sequential Model-based Algorithm Configuration

    SMAC v3 Project Copyright (C) 2016-2018 AutoML Group Attention: This package is a reimplementation of the original SMAC tool (see reference below). Ho

    AutoML-Freiburg-Hannover 778 Jan 05, 2023
    A cross-document event and entity coreference resolution system, trained and evaluated on the ECB+ corpus.

    A Comprehensive Comparison of Word Embeddings in Event & Entity Coreference Resolution. Introduction This repo contains experimental code derived from

    2 May 09, 2022
    Program your own vulkan.gpuinfo.org query in Python. Used to determine baseline hardware for WebGPU.

    query-gpuinfo-data License This software is not presently released under a license. The data in data/ is obtained under CC BY 4.0 as specified there.

    Kai Ninomiya 5 Jul 18, 2022
    The code for our paper submitted to RAL/IROS 2022: OverlapTransformer: An Efficient and Rotation-Invariant Transformer Network for LiDAR-Based Place Recognition.

    OverlapTransformer The code for our paper submitted to RAL/IROS 2022: OverlapTransformer: An Efficient and Rotation-Invariant Transformer Network for

    HAOMO.AI 136 Jan 03, 2023
    Pytorch Geometric Tutorials

    Pytorch Geometric Tutorials

    Antonio Longa 648 Jan 08, 2023
    Public repo for the ICCV2021-CVAMD paper "Is it Time to Replace CNNs with Transformers for Medical Images?"

    Is it Time to Replace CNNs with Transformers for Medical Images? Accepted at ICCV-2021: Workshop on Computer Vision for Automated Medical Diagnosis (C

    Christos Matsoukas 80 Dec 27, 2022
    OpenAi's gym environment wrapper to vectorize them with Ray

    Ray Vector Environment Wrapper You would like to use Ray to vectorize your environment but you don't want to use RLLib ? You came to the right place !

    Pierre TASSEL 15 Nov 10, 2022
    YOLOv4-v3 Training Automation API for Linux

    This repository allows you to get started with training a state-of-the-art Deep Learning model with little to no configuration needed! You provide your labeled dataset or label your dataset using our

    BMW TechOffice MUNICH 626 Dec 31, 2022
    Instance Semantic Segmentation List

    Instance Semantic Segmentation List This repository contains lists of state-or-art instance semantic segmentation works. Papers and resources are list

    bighead 87 Mar 06, 2022
    The official repo for CVPR2021——ViPNAS: Efficient Video Pose Estimation via Neural Architecture Search.

    ViPNAS: Efficient Video Pose Estimation via Neural Architecture Search [paper] Introduction This is the official implementation of ViPNAS: Efficient V

    Lumin 42 Sep 26, 2022
    A rough implementation of the paper "A Steering Algorithm for Redirected Walking Using Reinforcement Learning"

    A rough implementation of the paper "A Steering Algorithm for Redirected Walking Using Reinforcement Learning"

    Somnus `Chen 2 Jun 09, 2022
    Repository for self-supervised landmark discovery

    self-supervised-landmarks Repository for self-supervised landmark discovery Requirements pytorch pynrrd (for 3d images) Usage The use of this models i

    Riddhish Bhalodia 2 Apr 18, 2022
    An Object Oriented Programming (OOP) interface for Ontology Web language (OWL) ontologies.

    Enabling a developer to use Ontology Web Language (OWL) along with its reasoning capabilities in an Object Oriented Programming (OOP) paradigm, by pro

    TheEngineRoom-UniGe 7 Sep 23, 2022
    iBOT: Image BERT Pre-Training with Online Tokenizer

    Image BERT Pre-Training with iBOT Official PyTorch implementation and pretrained models for paper iBOT: Image BERT Pre-Training with Online Tokenizer.

    Bytedance Inc. 435 Jan 06, 2023
    LEDNet: A Lightweight Encoder-Decoder Network for Real-time Semantic Segmentation

    LEDNet: A Lightweight Encoder-Decoder Network for Real-time Semantic Segmentation Table of Contents: Introduction Project Structure Installation Datas

    Yu Wang 492 Dec 02, 2022
    We present a framework for training multi-modal deep learning models on unlabelled video data by forcing the network to learn invariances to transformations applied to both the audio and video streams.

    Multi-Modal Self-Supervision using GDT and StiCa This is an official pytorch implementation of papers: Multi-modal Self-Supervision from Generalized D

    Facebook Research 42 Dec 09, 2022