All Projects → boomb0om → Real-ESRGAN-colab

boomb0om / Real-ESRGAN-colab

Licence: other
A Real-ESRGAN model trained on a custom dataset

Programming Languages

python
139335 projects - #7 most used programming language

Projects that are alternatives of or similar to Real-ESRGAN-colab

AI-Lossless-Zoomer
AI无损放大工具
Stars: ✭ 940 (+5122.22%)
Mutual labels:  super-resolution, esrgan, real-esrgan
traiNNer
traiNNer: Deep learning framework for image and video super-resolution, restoration and image-to-image translation, for training and testing.
Stars: ✭ 130 (+622.22%)
Mutual labels:  super-resolution, esrgan, real-esrgan
Waifu2x Extension Gui
Video, Image and GIF upscale/enlarge(Super-Resolution) and Video frame interpolation. Achieved with Waifu2x, Real-ESRGAN, SRMD, RealSR, Anime4K, RIFE, CAIN, DAIN, and ACNet.
Stars: ✭ 5,463 (+30250%)
Mutual labels:  super-resolution, esrgan
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.
Stars: ✭ 2,708 (+14944.44%)
Mutual labels:  super-resolution, esrgan
SESR
SESR: Single Image Super Resolution with Recursive Squeeze and Excitation Networks
Stars: ✭ 26 (+44.44%)
Mutual labels:  super-resolution
quake2-neural-upscale
Quake 2 textures upscaled using ESRGAN and the Manga109Attempt model
Stars: ✭ 44 (+144.44%)
Mutual labels:  esrgan
LightFieldReconstruction
High-Dimensional Dense Residual Convolutional Neural Network for Light Field Reconstruction
Stars: ✭ 50 (+177.78%)
Mutual labels:  super-resolution
CF-Net
Official repository of "Deep Coupled Feedback Network for Joint Exposure Fusion and Image Super-Resolution"
Stars: ✭ 55 (+205.56%)
Mutual labels:  super-resolution
tensorrt-examples
TensorRT Examples (TensorRT, Jetson Nano, Python, C++)
Stars: ✭ 31 (+72.22%)
Mutual labels:  super-resolution
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
Stars: ✭ 52 (+188.89%)
Mutual labels:  super-resolution
HCFlow
Official PyTorch code for Hierarchical Conditional Flow: A Unified Framework for Image Super-Resolution and Image Rescaling (HCFlow, ICCV2021)
Stars: ✭ 140 (+677.78%)
Mutual labels:  super-resolution
Trident-Dehazing-Network
NTIRE 2020 NonHomogeneous Dehazing Challenge (CVPR Workshop 2020) 1st Solution.
Stars: ✭ 42 (+133.33%)
Mutual labels:  super-resolution
srgan
Pytorch implementation of "Photo-Realistic Single Image Super-Resolution Using a Generative Adversarial Network"
Stars: ✭ 39 (+116.67%)
Mutual labels:  super-resolution
SMSR
[CVPR 2021] Exploring Sparsity in Image Super-Resolution for Efficient Inference
Stars: ✭ 205 (+1038.89%)
Mutual labels:  super-resolution
NanoJ-Fluidics
Manual, source-code and binaries for the NanoJ-Fluidics project
Stars: ✭ 47 (+161.11%)
Mutual labels:  super-resolution
deepsum
DeepSUM: Deep neural network for Super-resolution of Unregistered Multitemporal images (ESA PROBA-V challenge)
Stars: ✭ 39 (+116.67%)
Mutual labels:  super-resolution
PAM
[TPAMI 2020] Parallax Attention for Unsupervised Stereo Correspondence Learning
Stars: ✭ 62 (+244.44%)
Mutual labels:  super-resolution
VapourSynth-Super-Resolution-Helper
Setup scripts for ESRGAN/MXNet image/video upscaling in VapourSynth
Stars: ✭ 63 (+250%)
Mutual labels:  esrgan
esrgan
Enhanced SRGAN. Champion PIRM Challenge on Perceptual Super-Resolution
Stars: ✭ 48 (+166.67%)
Mutual labels:  super-resolution
srzoo
SRZoo: An integrated repository for super-resolution using deep learning
Stars: ✭ 135 (+650%)
Mutual labels:  super-resolution

Real-ESRGAN-inference

PyTorch implementation of a Real-ESRGAN model trained on custom dataset. This model shows better results on faces compared to the original version. It is also easier to integrate this model into your projects.

Real-ESRGAN is an upgraded ESRGAN trained with pure synthetic data is capable of enhancing details while removing annoying artifacts for common real-world images.

You can try it in google colab Open In Colab

Installation


  1. Clone repo

    git clone https://github.com/boomb0om/Real-ESRGAN-colab
    cd Real-ESRGAN-colab
  2. Install requirements

    pip install -r requirements.txt
  3. Download pretrained weights and put them into weights/ folder

Usage


Basic usage:

import torch
from PIL import Image
import numpy as np
from realesrgan import RealESRGAN

device = torch.device('cuda' if torch.cuda.is_available() else 'cpu')

model = RealESRGAN(device, scale=4)
model.load_weights('weights/RealESRGAN_x4.pth')

path_to_image = 'inputs/lr_image.png'
image = Image.open(path_to_image).convert('RGB')

sr_image = model.predict(image)

sr_image.save('results/sr_image.png')

Examples


Low quality image:

Real-ESRGAN result:


Low quality image:

Real-ESRGAN result:


Low quality image:

Real-ESRGAN result:

Note that the project description data, including the texts, logos, images, and/or trademarks, for each open source project belongs to its rightful owner. If you wish to add or remove any projects, please contact us at [email protected].