# Ultimate Upscaler Models Collection
White Tiger - Upscaled with 4xNomos2_hq_dat2.pth

White Tiger - Upscaled with 4xNomos2_hq_dat2.pth

This repository contains a comprehensive collection of upscaler models organized by their primary purpose. The models are compatible with ComfyUI's Ultimate Upscaler node and other popular frameworks. ## Directory Structure | Directory | Description | |-----------|-------------| | ESRGAN/ | ESRGAN architecture models | | SwinIR/ | SwinIR architecture models | | LDSR/ | LDSR architecture models | | photo-realistic/ | Models optimized for photorealistic content | | anime-cartoon/ | Models for anime, manga, and cartoon content | | text-documents/ | Models for text and document upscaling | | special-purpose/ | Models for specific artistic styles | | general-purpose/ | Versatile models for various content types | ## Using with ComfyUI Ultimate Upscaler These models are compatible with ComfyUI's Ultimate Upscaler node. When using them: 1. Select the appropriate model based on your content type 2. Adjust the denoise strength based on the content: - Lower (0.2-0.4) for preserving details, line art, and textures - Moderate (0.4-0.6) for general content - Higher (0.6-0.8) for smoother results and noise removal 3. Enable tile processing for large images with appropriate overlap (64-128 pixels) ## Using with Hugging Face ```python from huggingface_hub import hf_hub_download import torch from basicsr.archs.rrdbnet_arch import RRDBNet from PIL import Image import numpy as np import torchvision.transforms as transforms # Download a model from this collection model_path = hf_hub_download( repo_id="ABDALLALSWAITI/Upscalers", filename="ESRGAN/4xNomos2_hq_dat2.pth" ) # Load the model (example for ESRGAN architecture) device = torch.device('cuda' if torch.cuda.is_available() else 'cpu') model = RRDBNet(3, 3, 64, 23, gc=32) model.load_state_dict(torch.load(model_path), strict=True) model.eval() model = model.to(device) # Load and preprocess image img = Image.open('input.jpg').convert('RGB') img = transforms.ToTensor()(img).unsqueeze(0).to(device) # Upscale with torch.no_grad(): output = model(img) # Convert to image output = output.squeeze().float().cpu().clamp_(0, 1).numpy() output = np.transpose(output[[2, 1, 0], :, :], (1, 2, 0)) * 255.0 output = Image.fromarray(output.astype(np.uint8)) output.save('output.jpg') ```