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
    MAterial del programa Misión TIC 2022

    Mision TIC 2022 Esta iniciativa, aparece como respuesta frente a los retos de la Cuarta Revolución Industrial, y tiene como objetivo la formación de 1

    6 May 25, 2022
    Infrastructure as Code (IaC) for a self-hosted version of Gnosis Safe on AWS

    Welcome to Yearn Gnosis Safe! Setting up your local environment Infrastructure Deploying Gnosis Safe Prerequisites 1. Create infrastructure for secret

    Numan 16 Jul 18, 2022
    simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

    simple_pytorch_example project is a toy example of a python script that instantiates and trains a PyTorch neural network on the FashionMNIST dataset

    Ramón Casero 1 Jan 07, 2022
    An elaborate and exhaustive paper list for Named Entity Recognition (NER)

    Named-Entity-Recognition-NER-Papers by Pengfei Liu, Jinlan Fu and other contributors. An elaborate and exhaustive paper list for Named Entity Recognit

    Pengfei Liu 388 Dec 18, 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
    Poplar implementation of "Bundle Adjustment on a Graph Processor" (CVPR 2020)

    Poplar Implementation of Bundle Adjustment using Gaussian Belief Propagation on Graphcore's IPU Implementation of CVPR 2020 paper: Bundle Adjustment o

    Joe Ortiz 34 Dec 05, 2022
    TorchCV: A PyTorch-Based Framework for Deep Learning in Computer Vision

    TorchCV: A PyTorch-Based Framework for Deep Learning in Computer Vision @misc{you2019torchcv, author = {Ansheng You and Xiangtai Li and Zhen Zhu a

    Donny You 2.2k Jan 06, 2023
    Neural Scene Flow Prior (NeurIPS 2021 spotlight)

    Neural Scene Flow Prior Xueqian Li, Jhony Kaesemodel Pontes, Simon Lucey Will appear on Thirty-fifth Conference on Neural Information Processing Syste

    Lilac Lee 85 Jan 03, 2023
    Cowsay - A rewrite of cowsay in python

    Python Cowsay A rewrite of cowsay in python. Allows for parsing of existing .cow

    James Ansley 3 Jun 27, 2022
    这是一个mobilenet-yolov4-lite的库,把yolov4主干网络修改成了mobilenet,修改了Panet的卷积组成,使参数量大幅度缩小。

    YOLOV4:You Only Look Once目标检测模型-修改mobilenet系列主干网络-在Keras当中的实现 2021年2月8日更新: 加入letterbox_image的选项,关闭letterbox_image后网络的map一般可以得到提升。

    Bubbliiiing 65 Dec 01, 2022
    Prototypical Cross-Attention Networks for Multiple Object Tracking and Segmentation, NeurIPS 2021 Spotlight

    PCAN for Multiple Object Tracking and Segmentation This is the offical implementation of paper PCAN for MOTS. We also present a trailer that consists

    ETH VIS Group 328 Dec 29, 2022
    Computer Vision Paper Reviews with Key Summary of paper, End to End Code Practice and Jupyter Notebook converted papers

    Computer-Vision-Paper-Reviews Computer Vision Paper Reviews with Key Summary along Papers & Codes. Jonathan Choi 2021 The repository provides 100+ Pap

    Jonathan Choi 2 Mar 17, 2022
    Official PyTorch implementation of "VITON-HD: High-Resolution Virtual Try-On via Misalignment-Aware Normalization" (CVPR 2021)

    VITON-HD — Official PyTorch Implementation VITON-HD: High-Resolution Virtual Try-On via Misalignment-Aware Normalization Seunghwan Choi*1, Sunghyun Pa

    Seunghwan Choi 250 Jan 06, 2023
    Official PyTorch implementation of "AASIST: Audio Anti-Spoofing using Integrated Spectro-Temporal Graph Attention Networks"

    AASIST This repository provides the overall framework for training and evaluating audio anti-spoofing systems proposed in 'AASIST: Audio Anti-Spoofing

    Clova AI Research 56 Jan 02, 2023
    MetaTTE: a Meta-Learning Based Travel Time Estimation Model for Multi-city Scenarios

    MetaTTE: a Meta-Learning Based Travel Time Estimation Model for Multi-city Scenarios This is the official TensorFlow implementation of MetaTTE in the

    morningstarwang 4 Dec 14, 2022
    Unofficial & improved implementation of NeRF--: Neural Radiance Fields Without Known Camera Parameters

    [Unofficial code-base] NeRF--: Neural Radiance Fields Without Known Camera Parameters [ Project | Paper | Official code base ] ⬅️ Thanks the original

    Jianfei Guo 239 Dec 22, 2022
    A PyTorch Implementation of "Watch Your Step: Learning Node Embeddings via Graph Attention" (NeurIPS 2018).

    Attention Walk ⠀⠀ A PyTorch Implementation of Watch Your Step: Learning Node Embeddings via Graph Attention (NIPS 2018). Abstract Graph embedding meth

    Benedek Rozemberczki 303 Dec 09, 2022
    Graph-based community clustering approach to extract protein domains from a predicted aligned error matrix

    Using a predicted aligned error matrix corresponding to an AlphaFold2 model , returns a series of lists of residue indices, where each list corresponds to a set of residues clustering together into a

    Tristan Croll 24 Nov 23, 2022
    DFFNet: An IoT-perceptive Dual Feature Fusion Network for General Real-time Semantic Segmentation

    DFFNet Paper DFFNet: An IoT-perceptive Dual Feature Fusion Network for General Real-time Semantic Segmentation. Xiangyan Tang, Wenxuan Tu, Keqiu Li, J

    4 Sep 23, 2022
    Concept drift monitoring for HA model servers.

    {Fast, Correct, Simple} - pick three Easily compare training and production ML data & model distributions Goals Boxkite is an instrumentation library

    98 Dec 15, 2022