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
    git《Tangent Space Backpropogation for 3D Transformation Groups》(CVPR 2021) GitHub:1]

    LieTorch: Tangent Space Backpropagation Introduction The LieTorch library generalizes PyTorch to 3D transformation groups. Just as torch.Tensor is a m

    Princeton Vision & Learning Lab 482 Jan 06, 2023
    CausaLM: Causal Model Explanation Through Counterfactual Language Models

    CausaLM: Causal Model Explanation Through Counterfactual Language Models Authors: Amir Feder, Nadav Oved, Uri Shalit, Roi Reichart Abstract: Understan

    Amir Feder 39 Jul 10, 2022
    Yolov5-lite - Minimal PyTorch implementation of YOLOv5

    Yolov5-Lite: Minimal YOLOv5 + Deep Sort Overview This repo is a shortened versio

    Kadir Nar 57 Nov 28, 2022
    Using LSTM to detect spoofing attacks in an Air-Ground network

    Using LSTM to detect spoofing attacks in an Air-Ground network Specifications IDE: Spider Packages: Tensorflow 2.1.0 Keras NumPy Scikit-learn Matplotl

    Tiep M. H. 1 Nov 20, 2021
    Determined: Deep Learning Training Platform

    Determined: Deep Learning Training Platform Determined is an open-source deep learning training platform that makes building models fast and easy. Det

    Determined AI 2k Dec 31, 2022
    Implementation of "GNNAutoScale: Scalable and Expressive Graph Neural Networks via Historical Embeddings" in PyTorch

    PyGAS: Auto-Scaling GNNs in PyG PyGAS is the practical realization of our G NN A uto S cale (GAS) framework, which scales arbitrary message-passing GN

    Matthias Fey 139 Dec 25, 2022
    CLIP: Connecting Text and Image (Learning Transferable Visual Models From Natural Language Supervision)

    CLIP (Contrastive Language–Image Pre-training) Experiments (Evaluation) Model Dataset Acc (%) ViT-B/32 (Paper) CIFAR100 65.1 ViT-B/32 (Our) CIFAR100 6

    Myeongjun Kim 52 Jan 07, 2023
    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
    Efficient and Accurate Arbitrary-Shaped Text Detection with Pixel Aggregation Network

    Efficient and Accurate Arbitrary-Shaped Text Detection with Pixel Aggregation Network Paddle-PANet 目录 结果对比 论文介绍 快速安装 结果对比 CTW1500 Method Backbone Fine

    7 Aug 08, 2022
    PyTorch code for Composing Partial Differential Equations with Physics-Aware Neural Networks

    FInite volume Neural Network (FINN) This repository contains the PyTorch code for models, training, and testing, and Python code for data generation t

    Cognitive Modeling 20 Dec 18, 2022
    Official MegEngine implementation of CREStereo(CVPR 2022 Oral).

    [CVPR 2022] Practical Stereo Matching via Cascaded Recurrent Network with Adaptive Correlation This repository contains MegEngine implementation of ou

    MEGVII Research 309 Dec 30, 2022
    Scalable Attentive Sentence-Pair Modeling via Distilled Sentence Embedding (AAAI 2020) - PyTorch Implementation

    Scalable Attentive Sentence-Pair Modeling via Distilled Sentence Embedding PyTorch implementation for the Scalable Attentive Sentence-Pair Modeling vi

    Microsoft 25 Dec 02, 2022
    Implementation of TransGanFormer, an all-attention GAN that combines the finding from the recent GanFormer and TransGan paper

    TransGanFormer (wip) Implementation of TransGanFormer, an all-attention GAN that combines the finding from the recent GansFormer and TransGan paper. I

    Phil Wang 146 Dec 06, 2022
    Multi-Objective Loss Balancing for Physics-Informed Deep Learning

    Multi-Objective Loss Balancing for Physics-Informed Deep Learning Code for ReLoBRaLo. Abstract Physics Informed Neural Networks (PINN) are algorithms

    Rafael Bischof 16 Dec 12, 2022
    Tensorflow implementation of MIRNet for Low-light image enhancement

    MIRNet Tensorflow implementation of the MIRNet architecture as proposed by Learning Enriched Features for Real Image Restoration and Enhancement. Lanu

    Soumik Rakshit 91 Jan 06, 2023
    HiPAL: A Deep Framework for Physician Burnout Prediction Using Activity Logs in Electronic Health Records

    HiPAL Code for KDD'22 Applied Data Science Track submission -- HiPAL: A Deep Framework for Physician Burnout Prediction Using Activity Logs in Electro

    Hanyang Liu 4 Aug 08, 2022
    To provide 100 JAX exercises over different sections structured as a course or tutorials to teach and learn for beginners, intermediates as well as experts

    JaxTon 💯 JAX exercises Mission 🚀 To provide 100 JAX exercises over different sections structured as a course or tutorials to teach and learn for beg

    Rohan Rao 512 Jan 01, 2023
    List some popular DeepFake models e.g. DeepFake, FaceSwap-MarekKowal, IPGAN, FaceShifter, FaceSwap-Nirkin, FSGAN, SimSwap, CihaNet, etc.

    deepfake-models List some popular DeepFake models e.g. DeepFake, CihaNet, SimSwap, FaceSwap-MarekKowal, IPGAN, FaceShifter, FaceSwap-Nirkin, FSGAN, Si

    Mingcan Xiang 100 Dec 17, 2022
    This is an open source python repository for various python tests

    Welcome to Py-tests This is an open source python repository for various python tests. This is in response to the hacktoberfest2021 challenge. It is a

    Yada Martins Tisan 3 Oct 31, 2021
    This repository provides an unified frameworks to train and test the state-of-the-art few-shot font generation (FFG) models.

    FFG-benchmarks This repository provides an unified frameworks to train and test the state-of-the-art few-shot font generation (FFG) models. What is Fe

    Clova AI Research 101 Dec 27, 2022