70af4845af
new file: inpaint/__main__.py new file: inpaint/api.py new file: inpaint/batch_processing.py new file: inpaint/benchmark.py new file: inpaint/cli.py new file: inpaint/const.py new file: inpaint/download.py new file: inpaint/file_manager/__init__.py new file: inpaint/file_manager/file_manager.py new file: inpaint/file_manager/storage_backends.py new file: inpaint/file_manager/utils.py new file: inpaint/helper.py new file: inpaint/installer.py new file: inpaint/model/__init__.py new file: inpaint/model/anytext/__init__.py new file: inpaint/model/anytext/anytext_model.py new file: inpaint/model/anytext/anytext_pipeline.py new file: inpaint/model/anytext/anytext_sd15.yaml new file: inpaint/model/anytext/cldm/__init__.py new file: inpaint/model/anytext/cldm/cldm.py new file: inpaint/model/anytext/cldm/ddim_hacked.py new file: inpaint/model/anytext/cldm/embedding_manager.py new file: inpaint/model/anytext/cldm/hack.py new file: inpaint/model/anytext/cldm/model.py new file: inpaint/model/anytext/cldm/recognizer.py new file: inpaint/model/anytext/ldm/__init__.py new file: inpaint/model/anytext/ldm/models/__init__.py new file: inpaint/model/anytext/ldm/models/autoencoder.py new file: inpaint/model/anytext/ldm/models/diffusion/__init__.py new file: inpaint/model/anytext/ldm/models/diffusion/ddim.py new file: inpaint/model/anytext/ldm/models/diffusion/ddpm.py new file: inpaint/model/anytext/ldm/models/diffusion/dpm_solver/__init__.py new file: inpaint/model/anytext/ldm/models/diffusion/dpm_solver/dpm_solver.py new file: inpaint/model/anytext/ldm/models/diffusion/dpm_solver/sampler.py new file: inpaint/model/anytext/ldm/models/diffusion/plms.py new file: inpaint/model/anytext/ldm/models/diffusion/sampling_util.py new file: inpaint/model/anytext/ldm/modules/__init__.py new file: inpaint/model/anytext/ldm/modules/attention.py new file: inpaint/model/anytext/ldm/modules/diffusionmodules/__init__.py new file: inpaint/model/anytext/ldm/modules/diffusionmodules/model.py new file: inpaint/model/anytext/ldm/modules/diffusionmodules/openaimodel.py new file: inpaint/model/anytext/ldm/modules/diffusionmodules/upscaling.py new file: inpaint/model/anytext/ldm/modules/diffusionmodules/util.py new file: inpaint/model/anytext/ldm/modules/distributions/__init__.py new file: inpaint/model/anytext/ldm/modules/distributions/distributions.py new file: inpaint/model/anytext/ldm/modules/ema.py new file: inpaint/model/anytext/ldm/modules/encoders/__init__.py new file: inpaint/model/anytext/ldm/modules/encoders/modules.py new file: inpaint/model/anytext/ldm/util.py new file: inpaint/model/anytext/main.py new file: inpaint/model/anytext/ocr_recog/RNN.py new file: inpaint/model/anytext/ocr_recog/RecCTCHead.py new file: inpaint/model/anytext/ocr_recog/RecModel.py new file: inpaint/model/anytext/ocr_recog/RecMv1_enhance.py new file: inpaint/model/anytext/ocr_recog/RecSVTR.py new file: inpaint/model/anytext/ocr_recog/__init__.py new file: inpaint/model/anytext/ocr_recog/common.py new file: inpaint/model/anytext/ocr_recog/en_dict.txt new file: inpaint/model/anytext/ocr_recog/ppocr_keys_v1.txt new file: inpaint/model/anytext/utils.py new file: inpaint/model/base.py new file: inpaint/model/brushnet/__init__.py new file: inpaint/model/brushnet/brushnet.py new file: inpaint/model/brushnet/brushnet_unet_forward.py new file: inpaint/model/brushnet/brushnet_wrapper.py new file: inpaint/model/brushnet/pipeline_brushnet.py new file: inpaint/model/brushnet/unet_2d_blocks.py new file: inpaint/model/controlnet.py new file: inpaint/model/ddim_sampler.py new file: inpaint/model/fcf.py new file: inpaint/model/helper/__init__.py new file: inpaint/model/helper/controlnet_preprocess.py new file: inpaint/model/helper/cpu_text_encoder.py new file: inpaint/model/helper/g_diffuser_bot.py new file: inpaint/model/instruct_pix2pix.py new file: inpaint/model/kandinsky.py new file: inpaint/model/lama.py new file: inpaint/model/ldm.py new file: inpaint/model/manga.py new file: inpaint/model/mat.py new file: inpaint/model/mi_gan.py new file: inpaint/model/opencv2.py new file: inpaint/model/original_sd_configs/__init__.py new file: inpaint/model/original_sd_configs/sd_xl_base.yaml new file: inpaint/model/original_sd_configs/sd_xl_refiner.yaml new file: inpaint/model/original_sd_configs/v1-inference.yaml new file: inpaint/model/original_sd_configs/v2-inference-v.yaml new file: inpaint/model/paint_by_example.py new file: inpaint/model/plms_sampler.py new file: inpaint/model/power_paint/__init__.py new file: inpaint/model/power_paint/pipeline_powerpaint.py new file: inpaint/model/power_paint/power_paint.py new file: inpaint/model/power_paint/power_paint_v2.py new file: inpaint/model/power_paint/powerpaint_tokenizer.py
78 lines
2.7 KiB
Python
78 lines
2.7 KiB
Python
# Copyright (c) Meta Platforms, Inc. and affiliates.
|
|
# All rights reserved.
|
|
|
|
# This source code is licensed under the license found in the
|
|
# LICENSE file in the root directory of this source tree.
|
|
|
|
import torch
|
|
import torch.nn as nn
|
|
from torchvision.transforms import Normalize, Resize, ToTensor
|
|
|
|
|
|
class SAM2Transforms(nn.Module):
|
|
def __init__(
|
|
self, resolution, mask_threshold, max_hole_area=0.0, max_sprinkle_area=0.0
|
|
):
|
|
"""
|
|
Transforms for SAM2.
|
|
"""
|
|
super().__init__()
|
|
self.resolution = resolution
|
|
self.mask_threshold = mask_threshold
|
|
self.max_hole_area = max_hole_area
|
|
self.max_sprinkle_area = max_sprinkle_area
|
|
self.mean = [0.485, 0.456, 0.406]
|
|
self.std = [0.229, 0.224, 0.225]
|
|
self.to_tensor = ToTensor()
|
|
self.transforms = torch.jit.script(
|
|
nn.Sequential(
|
|
Resize((self.resolution, self.resolution)),
|
|
Normalize(self.mean, self.std),
|
|
)
|
|
)
|
|
|
|
def __call__(self, x):
|
|
x = self.to_tensor(x)
|
|
return self.transforms(x)
|
|
|
|
def forward_batch(self, img_list):
|
|
img_batch = [self.transforms(self.to_tensor(img)) for img in img_list]
|
|
img_batch = torch.stack(img_batch, dim=0)
|
|
return img_batch
|
|
|
|
def transform_coords(
|
|
self, coords: torch.Tensor, normalize=False, orig_hw=None
|
|
) -> torch.Tensor:
|
|
"""
|
|
Expects a torch tensor with length 2 in the last dimension. The coordinates can be in absolute image or normalized coordinates,
|
|
If the coords are in absolute image coordinates, normalize should be set to True and original image size is required.
|
|
|
|
Returns
|
|
Un-normalized coordinates in the range of [0, 1] which is expected by the SAM2 model.
|
|
"""
|
|
if normalize:
|
|
assert orig_hw is not None
|
|
h, w = orig_hw
|
|
coords = coords.clone()
|
|
coords[..., 0] = coords[..., 0] / w
|
|
coords[..., 1] = coords[..., 1] / h
|
|
|
|
coords = coords * self.resolution # unnormalize coords
|
|
return coords
|
|
|
|
def transform_boxes(
|
|
self, boxes: torch.Tensor, normalize=False, orig_hw=None
|
|
) -> torch.Tensor:
|
|
"""
|
|
Expects a tensor of shape Bx4. The coordinates can be in absolute image or normalized coordinates,
|
|
if the coords are in absolute image coordinates, normalize should be set to True and original image size is required.
|
|
"""
|
|
boxes = self.transform_coords(boxes.reshape(-1, 2, 2), normalize, orig_hw)
|
|
return boxes
|
|
|
|
def postprocess_masks(self, masks: torch.Tensor, orig_hw) -> torch.Tensor:
|
|
"""
|
|
Perform PostProcessing on output masks.
|
|
"""
|
|
return masks
|