An open API service providing repository metadata for many open source software ecosystems.

GitHub topics: srgan

LoSealL/VideoSuperResolution

A collection of state-of-the-art video or single-image super-resolution architectures, reimplemented in tensorflow.

Language: Python - Size: 9.04 MB - Last synced at: 1 day ago - Pushed at: over 4 years ago - Stars: 1,657 - Forks: 298

XPixelGroup/BasicSR

Open Source Image and Video Restoration Toolbox for Super-resolution, Denoise, Deblurring, etc. Currently, it includes EDSR, RCAN, SRResNet, SRGAN, ESRGAN, EDVR, BasicVSR, SwinIR, ECBSR, etc. Also support StyleGAN2, DFDNet.

Language: Python - Size: 3.83 MB - Last synced at: 3 days ago - Pushed at: 10 months ago - Stars: 7,449 - Forks: 1,281

amanchadha/iSeeBetter

iSeeBetter: Spatio-Temporal Video Super Resolution using Recurrent-Generative Back-Projection Networks | Python3 | PyTorch | GANs | CNNs | ResNets | RNNs | Published in Springer Journal of Computational Visual Media, September 2020, Tsinghua University Press

Language: C++ - Size: 581 MB - Last synced at: about 18 hours ago - Pushed at: 28 days ago - Stars: 369 - Forks: 69

tensorlayer/SRGAN

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network

Language: Python - Size: 145 MB - Last synced at: 2 days ago - Pushed at: about 1 year ago - Stars: 3,410 - Forks: 814

krasserm/super-resolution

Tensorflow 2.x based implementation of EDSR, WDSR and SRGAN for single image super-resolution

Language: Python - Size: 47 MB - Last synced at: about 13 hours ago - Pushed at: about 3 years ago - Stars: 1,511 - Forks: 353

kozistr/Awesome-GANs

Awesome Generative Adversarial Networks with tensorflow

Language: Python - Size: 81.6 MB - Last synced at: 11 days ago - Pushed at: almost 3 years ago - Stars: 763 - Forks: 163

HasnainRaz/Fast-SRGAN

A Fast Deep Learning Model to Upsample Low Resolution Videos to High Resolution at 30fps

Language: Python - Size: 4.45 MB - Last synced at: 1 day ago - Pushed at: 2 months ago - Stars: 684 - Forks: 118

brade31919/SRGAN-tensorflow

Tensorflow implementation of the SRGAN algorithm for single image super-resolution

Language: Python - Size: 14.6 MB - Last synced at: about 2 hours ago - Pushed at: about 2 years ago - Stars: 856 - Forks: 280

amanchadha/FRVSR-GAN

A Novel Approach to Video Super-Resolution using Frame Recurrence and Generative Adversarial Networks | Python3 | PyTorch | OpenCV2 | GANs | CNNs

Language: Python - Size: 167 MB - Last synced at: about 1 month ago - Pushed at: almost 3 years ago - Stars: 64 - Forks: 13

edward38978/SRGAN

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network

Language: Python - Size: 2.3 MB - Last synced at: about 2 months ago - Pushed at: about 2 months ago - Stars: 0 - Forks: 0

sgrvinod/a-PyTorch-Tutorial-to-Super-Resolution

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network | a PyTorch Tutorial to Super-Resolution

Language: Python - Size: 34.9 MB - Last synced at: about 1 month ago - Pushed at: 10 months ago - Stars: 665 - Forks: 121

IMvision12/Image-Super-Resolution

Tensorflow Implementation of enhanced deep super-resolution network (EDSR) and Super Resolution Generative Adversarial Networks(SRGAN) Paper

Language: Jupyter Notebook - Size: 170 MB - Last synced at: about 1 month ago - Pushed at: about 2 years ago - Stars: 6 - Forks: 2

aitorzip/PyTorch-SRGAN

A modern PyTorch implementation of SRGAN

Language: Python - Size: 146 MB - Last synced at: about 1 month ago - Pushed at: over 7 years ago - Stars: 363 - Forks: 92

alohaleonardo/Super_Resolution_with_CNNs_and_GANs

Image Super-Resolution Using SRCNN, DRRN, SRGAN, CGAN in Pytorch

Language: Jupyter Notebook - Size: 6.34 MB - Last synced at: 3 months ago - Pushed at: almost 7 years ago - Stars: 278 - Forks: 77

JackieLinn/Intelligent-RS

This is the model repository of YNU's deep learning principles and platform course assignments, which mainly use remote sensing image datasets to achieve classification, colorization and super-resolution.

Language: Jupyter Notebook - Size: 51.7 MB - Last synced at: about 1 month ago - Pushed at: 5 months ago - Stars: 2 - Forks: 2

hasnain3142/Resolution-Enhancement-of-Low-Quality-Images

This repository leverages Generative Adversarial Networks (GANs) to enhance image resolution for various applications, using the Super-Resolution GAN (SRGAN) architecture. The project includes a Jupyter Notebook for model training and a detailed research paper documenting the methodology and results.

Language: Jupyter Notebook - Size: 3.12 MB - Last synced at: 2 months ago - Pushed at: 9 months ago - Stars: 0 - Forks: 0

MingtaoGuo/SRGAN-with-WGAN-Loss-TensorFlow

SRGAN (super resolution generative adversarial networks) with WGAN loss function in TensorFlow

Language: Python - Size: 1.45 MB - Last synced at: about 1 month ago - Pushed at: over 6 years ago - Stars: 27 - Forks: 6

prashanthi-r/viVID

In this project, we implement SRGAN. This paper attempts to upscale images up to a factor of 4x without losing the finer textural details. We extended the scope of this idea to videos. We demonstrate that the model generalizes well on out-of-domain inputs through various biased and unbiased inputs.

Language: Python - Size: 24.2 MB - Last synced at: 16 days ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 3

soapisnotfat/super-resolution

collection of super-resolution models & algorithms

Language: Python - Size: 53.7 KB - Last synced at: 6 months ago - Pushed at: over 6 years ago - Stars: 745 - Forks: 188

DarrionG/Image-Enhancement-SRGAN

A simple machine learning model to enhance low resolution images.

Language: Python - Size: 44.9 KB - Last synced at: 6 months ago - Pushed at: 6 months ago - Stars: 0 - Forks: 0

novwaul/Individual-Study

Lab. Intern with super-resolution

Language: Python - Size: 50.8 KB - Last synced at: 3 months ago - Pushed at: 7 months ago - Stars: 1 - Forks: 0

TanyaChutani/Image-Super-Resolution-SRGAN-TF2.0

A Tensorflow2.0 implementation of Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network

Language: Jupyter Notebook - Size: 39.9 MB - Last synced at: 17 days ago - Pushed at: about 4 years ago - Stars: 10 - Forks: 1

KalyanKumarPichuka/SRGAN-Keras

Language: Jupyter Notebook - Size: 154 MB - Last synced at: 9 months ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

leftthomas/SRGAN

A PyTorch implementation of SRGAN based on CVPR 2017 paper "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"

Language: Python - Size: 31.4 MB - Last synced at: 10 months ago - Pushed at: 10 months ago - Stars: 1,122 - Forks: 341

lizhuoq/SRGAN_Pytorch

A PyTorch implementation of SRGAN

Language: Python - Size: 262 MB - Last synced at: 10 months ago - Pushed at: almost 2 years ago - Stars: 12 - Forks: 5

goldhuang/SRGAN-PyTorch

A PyTorch implementation of SRGAN specific for Anime Super Resolution based on "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network". And another PyTorch WGAN-gp implementation of SRGAN referring to "Improved Training of Wasserstein GANs".

Language: Python - Size: 45.4 MB - Last synced at: 11 months ago - Pushed at: over 6 years ago - Stars: 85 - Forks: 19

ashishpapanai/IMGprove

A deep-learning solution to improve the quality of low-resolution images. Improves the resolution of a 100x100 image to 400x400. This Library helps in optimizing data storage in cloud based servers without compromising much with the quality of the image. An Implementation of SRGAN (arXiv:1609.04802)

Language: Python - Size: 16.3 MB - Last synced at: 12 months ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

rharish101/UGP1 📦

UGP 1 for 5th semester

Language: Python - Size: 65.7 MB - Last synced at: about 1 year ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

vTuanpham/SRGAN_Reimplementation_modified 📦

Re-Implementation of SRGAN with symmetric padding for a better merged final image (Anysized input with 4x upscaled)

Language: Python - Size: 9.45 MB - Last synced at: 4 months ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

ashishpatel26/SRGAN-Keras-For-Medical-Images

SRGAN Keras For Medical Images

Language: Jupyter Notebook - Size: 5.19 MB - Last synced at: 2 months ago - Pushed at: about 4 years ago - Stars: 4 - Forks: 0

soochan-lee/MR-GAN

Official PyTorch implementation of Harmonizing Maximum Likelihood with GANs for Multimodal Conditional Generation (ICLR 2019)

Language: Python - Size: 675 KB - Last synced at: about 1 year ago - Pushed at: almost 6 years ago - Stars: 91 - Forks: 7

Ahmad-Zaki/Single_Image_Super_Resolution

A tensorflow-based implementation of SISR using EDSR, SRResNet, and SRGAN

Language: Python - Size: 53.2 MB - Last synced at: about 1 year ago - Pushed at: over 3 years ago - Stars: 12 - Forks: 6

inzapp/super-resolution

Enhance image resolution by SRGAN

Language: Python - Size: 2.4 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

azeenGAN/SRGAN

Tensor-Flow implementation of GAN trained on dataset of face images

Language: Python - Size: 502 KB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 0 - Forks: 0

MahdiyarMM/MSG-CapsGAN

KERAS implementation of the First Multi-Scale Gradient Capsule GAN for Super-Resolution

Language: Python - Size: 33.2 KB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 7 - Forks: 2

thillai-c/Astronomical-image-denoiser

Astronomical image denoiser is a GAN model that can be used to denoise the noisy astronomical images obtained from space telescopes.

Language: Jupyter Notebook - Size: 15 MB - Last synced at: over 1 year ago - Pushed at: almost 3 years ago - Stars: 0 - Forks: 0

ashishpatel26/SRCNN_SRGAN_ESRGAN_ON_BRAIN_MRI

SRCNN_SRGAN_ESRGAN_ON_BRAIN_MRI

Language: Jupyter Notebook - Size: 41.6 MB - Last synced at: 2 days ago - Pushed at: about 4 years ago - Stars: 9 - Forks: 5

AntonioAlgaida/Edge.SRGAN

A solution of SISR that merges the ideas of SRGAN and Edge Informed SISR. This solution was presented on 1st SpainAI hackathon obtain 4th position.

Language: Python - Size: 39.8 MB - Last synced at: over 1 year ago - Pushed at: about 4 years ago - Stars: 2 - Forks: 0

rakibulhaque9954/SRGAN-from-scratch

Creating an SRGAN model based on a research paper

Language: Jupyter Notebook - Size: 6.19 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 1 - Forks: 0

jerome-p/SISR

Capstone project for a course on machine learning and deep learning - Single Image Super Resolution

Language: Jupyter Notebook - Size: 5.9 MB - Last synced at: over 1 year ago - Pushed at: over 5 years ago - Stars: 2 - Forks: 0

kvpratama/gan

Various GAN Model

Language: Python - Size: 616 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 59 - Forks: 33

Saurabh23/mSRGAN-A-GAN-for-single-image-super-resolution-on-high-content-screening-microscopy-images.

Generative Adversarial Network for single image super-resolution in high content screening microscopy images

Language: Jupyter Notebook - Size: 7.3 MB - Last synced at: over 1 year ago - Pushed at: over 7 years ago - Stars: 56 - Forks: 14

twhui/SRGAN-PyTorch

An Unofficial PyTorch Implementation for Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network

Language: Python - Size: 12.2 MB - Last synced at: over 1 year ago - Pushed at: over 4 years ago - Stars: 55 - Forks: 8

LiuChen-China/SRGAN-32To64

利用python的tensorflow.keras模块搭建超分对抗网(SRGAN),将32x32的图片提高分辨率为64x64的图片

Language: Jupyter Notebook - Size: 8.5 MB - Last synced at: over 1 year ago - Pushed at: almost 6 years ago - Stars: 1 - Forks: 2

deepak112/Keras-SRGAN

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network implemented in Keras

Language: Python - Size: 26.4 MB - Last synced at: over 1 year ago - Pushed at: about 6 years ago - Stars: 268 - Forks: 149

gautammilan/Single-Image-Super-Resolution

Reconstruct a high-resolution (HR) image from a low-resolution (LR) using GM-GAN

Language: Jupyter Notebook - Size: 77.1 KB - Last synced at: over 1 year ago - Pushed at: about 3 years ago - Stars: 0 - Forks: 0

aryanjain28/Super-Resolution

Super Resolution using EDSR. Enhanced Deep Residual Networks for Single Image Super-Resolution (EDSR) model trained to convert a Low-Resolution image to a Super-Resolution image.

Language: Python - Size: 24.8 MB - Last synced at: about 2 months ago - Pushed at: almost 4 years ago - Stars: 3 - Forks: 0

keyber/Single-Image-Super-Resolution

Generate higher resolution images

Language: Python - Size: 9.3 MB - Last synced at: almost 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

ravisvi/super-resolution-videos

Applying SRGAN technique implemented in https://github.com/zsdonghao/SRGAN on videos to super resolve them.

Language: Python - Size: 169 MB - Last synced at: 3 days ago - Pushed at: almost 5 years ago - Stars: 110 - Forks: 32

harsh306/SRGAN

Language: Jupyter Notebook - Size: 8.23 MB - Last synced at: almost 2 years ago - Pushed at: almost 7 years ago - Stars: 1 - Forks: 1

athiyadeviyani/super-resolution Fork of krasserm/super-resolution

Implementation of EDSR, ESPCN, LAPSRN, SRCNN, SRGAN and WDSR for single image super-resolution (SISR) based on Tensorflow 2.x for CMU's 10-707 Advanced Deep Learning Final Project

Language: Jupyter Notebook - Size: 146 MB - Last synced at: almost 2 years ago - Pushed at: about 3 years ago - Stars: 2 - Forks: 0

sekilab/WindSR_Dataset

WindSR Dataset contains more than 22,000 pairs of HR/LR wind speed images, which are processed using the NASA's GEOS-5 Nature Run dataset. This dataset is useful for studying super-resolution for data collected using satellites rather natural RGB images.

Size: 13.1 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 2 - Forks: 0

rush2406/Self-Supervised-Learning-for-Fine-grained-Image-Classification

Applied Self Supervised Learning techniques such as Jigsaw as pretext task, SRGAN and SimCLR for fine-grained classification

Language: Jupyter Notebook - Size: 279 MB - Last synced at: almost 2 years ago - Pushed at: almost 2 years ago - Stars: 24 - Forks: 4

Jungwon-Lee/SRGAN-tensorflow

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network implemented in Tensorflow 2.6.0

Language: Jupyter Notebook - Size: 3.75 MB - Last synced at: about 2 years ago - Pushed at: almost 3 years ago - Stars: 1 - Forks: 0

arxyzan/srgan-tf2

Reimplementation of SRGAN using TensorFlow 2

Language: Python - Size: 2.14 MB - Last synced at: almost 2 years ago - Pushed at: about 4 years ago - Stars: 5 - Forks: 0

kynthesis/SuperResolutionDemo

Prototype of a Super-Resolution project.

Language: Python - Size: 30.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

eyess-glitch/Super-resolution-GAN

Implementation of SRGAN trained on an anime faces dataset

Language: Jupyter Notebook - Size: 18.2 MB - Last synced at: almost 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

zuzg/text-super-resolution

🔠 Project tackling the problem of creating high-resolution images of text from the low-resolution ones.

Language: Jupyter Notebook - Size: 39.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 1

novwaul/SRGAN

Language: Python - Size: 12.7 KB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

shantanu1109/Coursera-DeepLearning.AI-GANs-Specialization

This Repository Contains Solution to the Assignments of the Generative Adversarial Networks (GANs) Specialization from deeplearning.ai on Coursera Taught by Sharon Zhou, Eda Zhou, Eric Zelikman

Language: Jupyter Notebook - Size: 85.1 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 1 - Forks: 0

Roshan818/Age_and_Gender_Detection_through_CCTV_Videos Fork of Umang1815/Age_and_Gender_Detection_through_CCTV_Videos

This Repo contains code for used for age and gender detection in CCTV videos

Language: Python - Size: 378 MB - Last synced at: about 2 years ago - Pushed at: about 2 years ago - Stars: 0 - Forks: 0

RuiyangJu/YOLO_SR

YOLOv4 and ESRGAN

Language: Python - Size: 5.36 MB - Last synced at: over 1 year ago - Pushed at: over 1 year ago - Stars: 3 - Forks: 1

nnUyi/SRGAN

An implement of SRGAN(Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network) for tensorflow version

Language: Python - Size: 3.73 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 48 - Forks: 18

astroclubiitk/Inter-IIT-Tech-Meet-2023

Analysis resources for the Inter IIT Tech Meet 11.0 problem statement by ISRO: The Chandrayaan Moon Mapping Challenge

Size: 49.8 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

BhavaniAM/SRGAN-TensorLayer Fork of tensorlayer/SRGAN

Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network - Modified for the ISRO Chandrayaan Lunar Mapping Challenge

Language: Python - Size: 4.1 GB - Last synced at: over 1 year ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

kartikgill/TF2-Keras-GAN-Notebooks

Generative Adversarial Networks with TensorFlow2, Keras and Python (Jupyter Notebooks Implementations)

Language: Jupyter Notebook - Size: 91.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 22 - Forks: 7

wkhademi/ImageEnhancement

Various models for handling underexposure, overexposure, super-resolution, shadow removal, etc.

Language: Python - Size: 145 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 54 - Forks: 6

braindotai/Real-Time-Super-Resolution

🔥 Real-time Super Resolution enhancement (4x) with content loss and relativistic adversarial optimization 🔥

Language: Jupyter Notebook - Size: 42.9 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 52 - Forks: 5

nyuxz/ds1008_final_project

Object-Oriented Image Super-Resolution

Language: Python - Size: 82.8 MB - Last synced at: almost 2 years ago - Pushed at: about 6 years ago - Stars: 7 - Forks: 3

bharathraj-v/art_project

Mozart - A Generative Art Platform

Language: Jupyter Notebook - Size: 15.6 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 5 - Forks: 2

Jacklu0831/UpSampler

Built and trained SISR GAN models with loss analysis and performance comparison (TF + Keras)

Language: Jupyter Notebook - Size: 599 MB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 7 - Forks: 0

boomb0om/PyTorch-SRGAN-tutorial

A tutorial to super resolution and SRGAN in PyTorch

Language: Jupyter Notebook - Size: 69.4 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 14 - Forks: 1

lepoeme20/GANs

GANs code repository

Language: Python - Size: 25.4 KB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 2 - Forks: 0

madelinehjenkins/HRTF-GANs

Using GANs to interpolate Head Related Transfer Functions

Language: Python - Size: 800 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 4 - Forks: 0

AvivSham/SRGAN-Keras-Implementation

Photo Realistic Single Image Super-Resolution Using a Generative Adversarial Network implemented in Keras

Language: Jupyter Notebook - Size: 1.16 MB - Last synced at: about 2 years ago - Pushed at: almost 4 years ago - Stars: 27 - Forks: 27

faizankarim/super_resolution_with_keras

Language: Python - Size: 21.4 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 0 - Forks: 0

ArchiMickey/pl_srgan

An implementation of srgan in pytorch with pytorch lightning

Language: Jupyter Notebook - Size: 2.75 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 2 - Forks: 0

dang3tion/Colab-Super_resolution

Research on ESRGAN (Enhanced Super-Resolution Generative Adversarial Networks, published in ECCV 2018), implemented in Tensorflow 2.0. All implementation deployed on Google Colab, and make some modify with origin Architecture include Losses.

Language: Jupyter Notebook - Size: 15.8 MB - Last synced at: about 2 years ago - Pushed at: about 3 years ago - Stars: 5 - Forks: 0

Abuzariii/Image-Super-Resolution

Image Super Resolution using SRGAN on Tensorflow

Language: Jupyter Notebook - Size: 6.27 MB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 0 - Forks: 0

ShenghaiRong/caffe_srgan

A Caffe Implementation of SRGAN

Language: C++ - Size: 55.6 MB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 59 - Forks: 22

ApurbaSengupta/Super-Resolution-Images

Generating super-resolution images using GANs

Language: Jupyter Notebook - Size: 362 MB - Last synced at: about 2 years ago - Pushed at: about 5 years ago - Stars: 12 - Forks: 3

manishdhakal/SuperResolution

Super Resolution | GAN | Neural Networks

Language: Jupyter Notebook - Size: 1.84 MB - Last synced at: about 2 years ago - Pushed at: almost 5 years ago - Stars: 4 - Forks: 0

trevor-m/tensorflow-SRGAN

Tensorflow implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network" (Ledig et al. 2017)

Language: Python - Size: 32.4 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 39 - Forks: 13

21-projects-for-deep-learning/srez Fork of david-gpu/srez

Image Super-Resolution through deep learning

Language: Python - Size: 3.44 MB - Last synced at: about 2 years ago - Pushed at: over 6 years ago - Stars: 1 - Forks: 0

emanuelevivoli/2020-Multimedia-and-Computer-Vision-UNIFI

Code and documentations for the project "Compression Reconstruction Loss for Super-Resolution Images with GAN" assigned in the class "Multimedia and Computer Vision" 2020/2021.

Language: Jupyter Notebook - Size: 136 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

NB094/Easy-GANs

Easy GANs is a showcase of three different types of GANs.

Language: Jupyter Notebook - Size: 43.3 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 1

aflah02/SRGAN-from-Scratch-PyTorch

Implementation of SRGAN from Scratch using PyTorch

Language: Python - Size: 3.91 KB - Last synced at: 2 months ago - Pushed at: over 3 years ago - Stars: 1 - Forks: 0

Lleyton-Ariton/super-resolution

Resolution enhancement of low quality images with GANs in PyTorch

Language: Python - Size: 7.81 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 2 - Forks: 0

kayr7/PyTorch-SRGAN

PyTorch version of the paper: "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"

Language: Python - Size: 35.2 KB - Last synced at: about 2 years ago - Pushed at: almost 8 years ago - Stars: 14 - Forks: 5

CatalinOAlexandru/SRGAN-PyTorch-Customiseable Fork of Lornatang/SRGAN-PyTorch

A simple and customisable implementation of super-resolution paper. It allows further hyperparameters then what the paper suggests.

Language: Python - Size: 3.55 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 0 - Forks: 0

Darkshadow9799/Super-Resolution

Image and Video Super Resolution

Language: Python - Size: 31.9 MB - Last synced at: about 2 years ago - Pushed at: over 3 years ago - Stars: 2 - Forks: 0

zijundeng/SRGAN

PyTorch implementation of the paper "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"

Language: Python - Size: 9.77 KB - Last synced at: about 2 years ago - Pushed at: over 7 years ago - Stars: 11 - Forks: 0

ksajan/Pixalation

Paper Implementation to mimic Google Camera Software

Language: Python - Size: 20.5 KB - Last synced at: about 2 years ago - Pushed at: over 2 years ago - Stars: 1 - Forks: 0

NahushKulkarni/ImageEnhancer

This is an Image Enhancement project which uses EDSR, WDSR, and SRGAN methods to increase the resolution of an image while also improving the details significantly.

Language: Python - Size: 102 MB - Last synced at: about 2 years ago - Pushed at: about 4 years ago - Stars: 0 - Forks: 0

edenau/srgan

🔎 A minimal Tensorflow 2.0 implementation of SRGAN

Language: Python - Size: 4.88 KB - Last synced at: about 2 years ago - Pushed at: over 5 years ago - Stars: 0 - Forks: 0

zushicat/single-image-SRGAN

Enhance single images with super-resolution GAN.

Language: Python - Size: 38 MB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 1 - Forks: 0

honggyuchoi/SRGAN-keras

Photo Realistic Single Image Super-Resolution Using a Generative Adversarial Network implemented in Keras

Language: Jupyter Notebook - Size: 716 KB - Last synced at: about 2 years ago - Pushed at: over 4 years ago - Stars: 0 - Forks: 0