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
    Official source code to CVPR'20 paper, "When2com: Multi-Agent Perception via Communication Graph Grouping"

    When2com: Multi-Agent Perception via Communication Graph Grouping This is the PyTorch implementation of our paper: When2com: Multi-Agent Perception vi

    34 Nov 09, 2022
    This repo contains implementation of different architectures for emotion recognition in conversations.

    Emotion Recognition in Conversations Updates 🔥 🔥 🔥 Date Announcements 03/08/2021 🎆 🎆 We have released a new dataset M2H2: A Multimodal Multiparty

    Deep Cognition and Language Research (DeCLaRe) Lab 1k Dec 30, 2022
    Joint parameterization and fitting of stroke clusters

    StrokeStrip: Joint Parameterization and Fitting of Stroke Clusters Dave Pagurek van Mossel1, Chenxi Liu1, Nicholas Vining1,2, Mikhail Bessmeltsev3, Al

    Dave Pagurek 44 Dec 01, 2022
    A new codebase for Group Activity Recognition. It contains codes for ICCV 2021 paper: Spatio-Temporal Dynamic Inference Network for Group Activity Recognition and some other methods.

    Spatio-Temporal Dynamic Inference Network for Group Activity Recognition The source codes for ICCV2021 Paper: Spatio-Temporal Dynamic Inference Networ

    40 Dec 12, 2022
    Escaping the Gradient Vanishing: Periodic Alternatives of Softmax in Attention Mechanism

    Period-alternatives-of-Softmax Experimental Demo for our paper 'Escaping the Gradient Vanishing: Periodic Alternatives of Softmax in Attention Mechani

    slwang9353 0 Sep 06, 2021
    Library of deep learning models and datasets designed to make deep learning more accessible and accelerate ML research.

    Tensor2Tensor Tensor2Tensor, or T2T for short, is a library of deep learning models and datasets designed to make deep learning more accessible and ac

    12.9k Jan 09, 2023
    IGCN : Image-to-graph convolutional network

    IGCN : Image-to-graph convolutional network IGCN is a learning framework for 2D/3D deformable model registration and alignment, and shape reconstructi

    Megumi Nakao 7 Oct 27, 2022
    tmm_fast is a lightweight package to speed up optical planar multilayer thin-film device computation.

    tmm_fast tmm_fast or transfer-matrix-method_fast is a lightweight package to speed up optical planar multilayer thin-film device computation. It is es

    26 Dec 11, 2022
    This repository collects project-relevant Isabelle/HOL formalizations.

    Isabelle/HOL formalizations related to the AuReLeE project Formalization of Abstract Argumentation Frameworks See AbstractArgumentation folder for the

    AuReLeE project 1 Sep 10, 2022
    TensorFlow implementation of Style Transfer Generative Adversarial Networks: Learning to Play Chess Differently.

    Adversarial Chess TensorFlow implementation of Style Transfer Generative Adversarial Networks: Learning to Play Chess Differently. Requirements To run

    Muthu Chidambaram 30 Sep 07, 2021
    Parameter-ensemble-differential-evolution - Shows how to do parameter ensembling using differential evolution.

    Ensembling parameters with differential evolution This repository shows how to ensemble parameters of two trained neural networks using differential e

    Sayak Paul 9 May 04, 2022
    We utilize deep reinforcement learning to obtain favorable trajectories for visual-inertial system calibration.

    Unified Data Collection for Visual-Inertial Calibration via Deep Reinforcement Learning Update: The lastest code will be updated in this branch. Pleas

    ETHZ ASL 27 Dec 29, 2022
    A set of tools for Namebase and HNS

    HNS-TOOLS A set of tools for Namebase and HNS To install: pip install -r requirements.txt To run: py main.py My Namebase referral code: http://namebas

    RunDavidMC 7 Apr 08, 2022
    Using BERT+Bi-LSTM+CRF

    Chinese Medical Entity Recognition Based on BERT+Bi-LSTM+CRF Step 1 I share the dataset on my google drive, please download the whole 'CCKS_2019_Task1

    Xiang WU 55 Dec 21, 2022
    A Self-Supervised Contrastive Learning Framework for Aspect Detection

    AspDecSSCL A Self-Supervised Contrastive Learning Framework for Aspect Detection This repository is a pytorch implementation for the following AAAI'21

    Tian Shi 30 Dec 28, 2022
    BaseCls BaseCls 是一个基于 MegEngine 的预训练模型库,帮助大家挑选或训练出更适合自己科研或者业务的模型结构

    BaseCls BaseCls 是一个基于 MegEngine 的预训练模型库,帮助大家挑选或训练出更适合自己科研或者业务的模型结构。 文档地址:https://basecls.readthedocs.io 安装 安装环境 BaseCls 需要 Python = 3.6。 BaseCls 依赖 M

    MEGVII Research 28 Dec 23, 2022
    This is the source code of the 1st place solution for segmentation task (with Dice 90.32%) in 2021 CCF BDCI challenge.

    1st place solution in CCF BDCI 2021 ULSEG challenge This is the source code of the 1st place solution for ultrasound image angioma segmentation task (

    Chenxu Peng 30 Nov 22, 2022
    CyTran: Cycle-Consistent Transformers for Non-Contrast to Contrast CT Translation

    CyTran: Cycle-Consistent Transformers for Non-Contrast to Contrast CT Translation We propose a novel approach to translate unpaired contrast computed

    Nicolae Catalin Ristea 13 Jan 02, 2023
    The Official TensorFlow Implementation for SPatchGAN (ICCV2021)

    SPatchGAN: Official TensorFlow Implementation Paper "SPatchGAN: A Statistical Feature Based Discriminator for Unsupervised Image-to-Image Translation"

    39 Dec 30, 2022