ai-forever / Real-ESRGAN

huggingface.co
Total runs: 0
24-hour runs: 0
7-day runs: 0
30-day runs: 0
Model's Last Updated: 9월 25 2022

Introduction of Real-ESRGAN

Model Details of Real-ESRGAN

Real-ESRGAN

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.

Usage

Code for using model you can obtain in our repo .

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', download=True)

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')

Runs of ai-forever Real-ESRGAN on huggingface.co

0
Total runs
0
24-hour runs
0
3-day runs
0
7-day runs
0
30-day runs

More Information About Real-ESRGAN huggingface.co Model

Real-ESRGAN huggingface.co

Real-ESRGAN huggingface.co is an AI model on huggingface.co that provides Real-ESRGAN's model effect (), which can be used instantly with this ai-forever Real-ESRGAN model. huggingface.co supports a free trial of the Real-ESRGAN model, and also provides paid use of the Real-ESRGAN. Support call Real-ESRGAN model through api, including Node.js, Python, http.

ai-forever Real-ESRGAN online free

Real-ESRGAN huggingface.co is an online trial and call api platform, which integrates Real-ESRGAN's modeling effects, including api services, and provides a free online trial of Real-ESRGAN, you can try Real-ESRGAN online for free by clicking the link below.

ai-forever Real-ESRGAN online free url in huggingface.co:

https://huggingface.co/ai-forever/Real-ESRGAN

Real-ESRGAN install

Real-ESRGAN is an open source model from GitHub that offers a free installation service, and any user can find Real-ESRGAN on GitHub to install. At the same time, huggingface.co provides the effect of Real-ESRGAN install, users can directly use Real-ESRGAN installed effect in huggingface.co for debugging and trial. It also supports api for free installation.

Real-ESRGAN install url in huggingface.co:

https://huggingface.co/ai-forever/Real-ESRGAN

Url of Real-ESRGAN

Provider of Real-ESRGAN huggingface.co

ai-forever
ORGANIZATIONS

Other API from ai-forever

huggingface.co

Total runs: 525.5K
Run Growth: 485.9K
Growth Rate: 96.59%
Updated: 11월 03 2023
huggingface.co

Total runs: 10.6K
Run Growth: 1.6K
Growth Rate: 14.99%
Updated: 12월 05 2023
huggingface.co

Total runs: 8.2K
Run Growth: 5.1K
Growth Rate: 59.45%
Updated: 12월 29 2024
huggingface.co

Total runs: 5.9K
Run Growth: 3.6K
Growth Rate: 61.73%
Updated: 12월 11 2023
huggingface.co

Total runs: 2.3K
Run Growth: -360
Growth Rate: -15.50%
Updated: 12월 05 2023
huggingface.co

Total runs: 315
Run Growth: 165
Growth Rate: 52.05%
Updated: 1월 26 2023
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: 12월 24 2021
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: 6월 08 2023
huggingface.co

Total runs: 0
Run Growth: 0
Growth Rate: 0.00%
Updated: 9월 21 2021