my-sd/modules/sd_samplers_cfg_denoiser.py

305 lines
14 KiB
Python
Raw Normal View History

import torch
2023-08-08 15:35:31 +00:00
from modules import prompt_parser, devices, sd_samplers_common
from modules.shared import opts, state
import modules.shared as shared
from modules.script_callbacks import CFGDenoiserParams, cfg_denoiser_callback
2023-02-11 02:18:38 +00:00
from modules.script_callbacks import CFGDenoisedParams, cfg_denoised_callback
from modules.script_callbacks import AfterCFGCallbackParams, cfg_after_cfg_callback
2024-01-26 23:14:55 +00:00
from ldm_patched.modules import model_management
2023-07-11 18:16:43 +00:00
def catenate_conds(conds):
if not isinstance(conds[0], dict):
return torch.cat(conds)
return {key: torch.cat([x[key] for x in conds]) for key in conds[0].keys()}
def subscript_cond(cond, a, b):
if not isinstance(cond, dict):
return cond[a:b]
return {key: vec[a:b] for key, vec in cond.items()}
def pad_cond(tensor, repeats, empty):
if not isinstance(tensor, dict):
return torch.cat([tensor, empty.repeat((tensor.shape[0], repeats, 1))], axis=1)
tensor['crossattn'] = pad_cond(tensor['crossattn'], repeats, empty)
return tensor
class CFGDenoiser(torch.nn.Module):
"""
Classifier free guidance denoiser. A wrapper for stable diffusion model (specifically for unet)
that can take a noisy picture and produce a noise-free picture using two guidances (prompts)
instead of one. Originally, the second prompt is just an empty string, but we use non-empty
negative prompt.
"""
2023-08-08 19:09:40 +00:00
def __init__(self, sampler):
super().__init__()
2023-08-08 19:09:40 +00:00
self.model_wrap = None
self.mask = None
self.nmask = None
self.init_latent = None
2023-08-08 19:09:40 +00:00
self.steps = None
"""number of steps as specified by user in UI"""
self.total_steps = None
"""expected number of calls to denoiser calculated from self.steps and specifics of the selected sampler"""
2022-09-15 10:10:16 +00:00
self.step = 0
self.image_cfg_scale = None
self.padded_cond_uncond = False
self.sampler = sampler
2023-08-08 19:09:40 +00:00
self.model_wrap = None
self.p = None
# NOTE: masking before denoising can cause the original latents to be oversmoothed
# as the original latents do not have noise
self.mask_before_denoising = False
2023-08-08 19:09:40 +00:00
@property
def inner_model(self):
raise NotImplementedError()
2024-01-26 03:52:03 +00:00
def combine_denoised(self, x_out, conds_list, uncond, cond_scale, timestep, x_in, cond):
2024-01-26 03:24:32 +00:00
model_options = self.inner_model.inner_model.forge_objects.unet.model_options
2024-01-26 03:19:46 +00:00
denoised_uncond = x_out[-uncond.shape[0]:]
denoised = torch.clone(denoised_uncond)
for i, conds in enumerate(conds_list):
for cond_index, weight in conds:
denoised[i] += (x_out[cond_index] - denoised_uncond[i]) * (weight * cond_scale)
2024-01-26 03:32:17 +00:00
if "sampler_cfg_function" in model_options or "sampler_post_cfg_function" in model_options:
cond_scale = float(cond_scale)
2024-01-26 04:22:04 +00:00
model = self.inner_model.inner_model.forge_objects.unet.model
2024-01-26 03:43:06 +00:00
x = x_in[-uncond.shape[0]:]
uncond_pred = denoised_uncond
cond_pred = ((denoised - uncond_pred) / cond_scale) + uncond_pred
2024-01-26 04:22:04 +00:00
timestep = timestep[-uncond.shape[0]:]
from modules_forge.forge_util import cond_from_a1111_to_patched_ldm
2024-01-26 03:43:06 +00:00
if "sampler_cfg_function" in model_options:
args = {"cond": x - cond_pred, "uncond": x - uncond_pred, "cond_scale": cond_scale,
"timestep": timestep, "input": x, "sigma": timestep,
"cond_denoised": cond_pred, "uncond_denoised": uncond_pred, "model": model,
"model_options": model_options}
cfg_result = x - model_options["sampler_cfg_function"](args)
else:
cfg_result = uncond_pred + (cond_pred - uncond_pred) * cond_scale
2024-01-26 03:44:25 +00:00
# sanity_check = torch.allclose(cfg_result, denoised)
2024-01-26 03:43:06 +00:00
for fn in model_options.get("sampler_post_cfg_function", []):
2024-01-26 04:22:04 +00:00
args = {"denoised": cfg_result,
"cond": cond_from_a1111_to_patched_ldm(cond),
"uncond": cond_from_a1111_to_patched_ldm(uncond),
"model": model,
"uncond_denoised": uncond_pred,
"cond_denoised": cond_pred,
"sigma": timestep,
"model_options": model_options,
"input": x}
2024-01-26 03:43:06 +00:00
cfg_result = fn(args)
else:
cfg_result = denoised
return cfg_result
def combine_denoised_for_edit_model(self, x_out, cond_scale):
out_cond, out_img_cond, out_uncond = x_out.chunk(3)
denoised = out_uncond + cond_scale * (out_cond - out_img_cond) + self.image_cfg_scale * (out_img_cond - out_uncond)
return denoised
def get_pred_x0(self, x_in, x_out, sigma):
return x_out
2023-08-08 19:09:40 +00:00
def update_inner_model(self):
self.model_wrap = None
c, uc = self.p.get_conds()
self.sampler.sampler_extra_args['cond'] = c
self.sampler.sampler_extra_args['uncond'] = uc
2023-03-28 22:18:28 +00:00
def forward(self, x, sigma, uncond, cond, cond_scale, s_min_uncond, image_cond):
if state.interrupted or state.skipped:
raise sd_samplers_common.InterruptedException
2024-01-25 15:52:29 +00:00
if sd_samplers_common.apply_refiner(self, x):
2023-08-08 19:09:40 +00:00
cond = self.sampler.sampler_extra_args['cond']
uncond = self.sampler.sampler_extra_args['uncond']
# at self.image_cfg_scale == 1.0 produced results for edit model are the same as with normal sampling,
# so is_edit_model is set to False to support AND composition.
is_edit_model = shared.sd_model.cond_stage_key == "edit" and self.image_cfg_scale is not None and self.image_cfg_scale != 1.0
conds_list, tensor = prompt_parser.reconstruct_multicond_batch(cond, self.step)
2022-09-15 10:10:16 +00:00
uncond = prompt_parser.reconstruct_cond_batch(uncond, self.step)
2023-05-10 08:05:02 +00:00
assert not is_edit_model or all(len(conds) == 1 for conds in conds_list), "AND is not supported for InstructPix2Pix checkpoint (unless using Image CFG scale = 1.0)"
# If we use masks, blending between the denoised and original latent images occurs here.
def apply_blend(current_latent):
blended_latent = current_latent * self.nmask + self.init_latent * self.mask
if self.p.scripts is not None:
from modules import scripts
mba = scripts.MaskBlendArgs(current_latent, self.nmask, self.init_latent, self.mask, blended_latent, denoiser=self, sigma=sigma)
self.p.scripts.on_mask_blend(self.p, mba)
blended_latent = mba.blended_latent
return blended_latent
# Blend in the original latents (before)
if self.mask_before_denoising and self.mask is not None:
x = apply_blend(x)
batch_size = len(conds_list)
repeats = [len(conds_list[i]) for i in range(batch_size)]
if shared.sd_model.model.conditioning_key == "crossattn-adm":
image_uncond = torch.zeros_like(image_cond)
2023-07-11 18:16:43 +00:00
make_condition_dict = lambda c_crossattn, c_adm: {"c_crossattn": [c_crossattn], "c_adm": c_adm}
else:
image_uncond = image_cond
2023-07-11 18:16:43 +00:00
if isinstance(uncond, dict):
make_condition_dict = lambda c_crossattn, c_concat: {**c_crossattn, "c_concat": [c_concat]}
else:
make_condition_dict = lambda c_crossattn, c_concat: {"c_crossattn": [c_crossattn], "c_concat": [c_concat]}
if not is_edit_model:
x_in = torch.cat([torch.stack([x[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [x])
sigma_in = torch.cat([torch.stack([sigma[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [sigma])
image_cond_in = torch.cat([torch.stack([image_cond[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [image_uncond])
else:
x_in = torch.cat([torch.stack([x[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [x] + [x])
sigma_in = torch.cat([torch.stack([sigma[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [sigma] + [sigma])
image_cond_in = torch.cat([torch.stack([image_cond[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [image_uncond] + [torch.zeros_like(self.init_latent)])
2024-01-07 18:35:35 +00:00
denoiser_params = CFGDenoiserParams(x_in, image_cond_in, sigma_in, state.sampling_step, state.sampling_steps, tensor, uncond, self)
cfg_denoiser_callback(denoiser_params)
x_in = denoiser_params.x
image_cond_in = denoiser_params.image_cond
sigma_in = denoiser_params.sigma
tensor = denoiser_params.text_cond
uncond = denoiser_params.text_uncond
skip_uncond = False
2022-10-30 23:48:33 +00:00
# alternating uncond allows for higher thresholds without the quality loss normally expected from raising it
if self.step % 2 and s_min_uncond > 0 and sigma[0] < s_min_uncond and not is_edit_model:
skip_uncond = True
x_in = x_in[:-batch_size]
sigma_in = sigma_in[:-batch_size]
2023-03-28 22:18:28 +00:00
self.padded_cond_uncond = False
if shared.opts.pad_cond_uncond and tensor.shape[1] != uncond.shape[1]:
empty = shared.sd_model.cond_stage_model_empty_prompt
num_repeats = (tensor.shape[1] - uncond.shape[1]) // empty.shape[1]
if num_repeats < 0:
2023-07-11 18:16:43 +00:00
tensor = pad_cond(tensor, -num_repeats, empty)
self.padded_cond_uncond = True
elif num_repeats > 0:
2023-07-11 18:16:43 +00:00
uncond = pad_cond(uncond, num_repeats, empty)
self.padded_cond_uncond = True
2024-01-26 23:14:55 +00:00
unet_input_dtype = torch.float16 if model_management.should_use_fp16() else torch.float32
x_input_dtype = x_in.dtype
2024-01-26 23:14:55 +00:00
x_in = x_in.to(unet_input_dtype)
sigma_in = sigma_in.to(unet_input_dtype)
image_cond_in = image_cond_in.to(unet_input_dtype)
tensor = tensor.to(unet_input_dtype)
uncond = uncond.to(unet_input_dtype)
2024-01-26 05:01:30 +00:00
self.inner_model.inner_model.current_sigmas = sigma_in
if tensor.shape[1] == uncond.shape[1] or skip_uncond:
if is_edit_model:
2023-07-11 18:16:43 +00:00
cond_in = catenate_conds([tensor, uncond, uncond])
2024-01-26 03:00:42 +00:00
cond_or_uncond = [0] * int(tensor.shape[0]) + [1] * int(uncond.shape[0]) + [1] * int(uncond.shape[0])
elif skip_uncond:
cond_in = tensor
2024-01-26 03:00:42 +00:00
cond_or_uncond = [0] * int(tensor.shape[0])
else:
2023-07-11 18:16:43 +00:00
cond_in = catenate_conds([tensor, uncond])
2024-01-26 03:00:42 +00:00
cond_or_uncond = [0] * int(tensor.shape[0]) + [1] * int(uncond.shape[0])
if shared.opts.batch_cond_uncond:
2024-01-26 03:00:42 +00:00
self.inner_model.inner_model.cond_or_uncond = cond_or_uncond
2023-07-11 18:16:43 +00:00
x_out = self.inner_model(x_in, sigma_in, cond=make_condition_dict(cond_in, image_cond_in))
else:
x_out = torch.zeros_like(x_in)
for batch_offset in range(0, x_out.shape[0], batch_size):
a = batch_offset
b = a + batch_size
2024-01-26 03:00:42 +00:00
self.inner_model.inner_model.cond_or_uncond = cond_or_uncond[a:b]
2023-07-12 20:52:43 +00:00
x_out[a:b] = self.inner_model(x_in[a:b], sigma_in[a:b], cond=make_condition_dict(subscript_cond(cond_in, a, b), image_cond_in[a:b]))
else:
x_out = torch.zeros_like(x_in)
batch_size = batch_size*2 if shared.opts.batch_cond_uncond else batch_size
for batch_offset in range(0, tensor.shape[0], batch_size):
a = batch_offset
b = min(a + batch_size, tensor.shape[0])
if not is_edit_model:
2023-07-11 18:16:43 +00:00
c_crossattn = subscript_cond(tensor, a, b)
else:
c_crossattn = torch.cat([tensor[a:b]], uncond)
2024-01-26 03:00:42 +00:00
self.inner_model.inner_model.cond_or_uncond = [0] * int(sigma_in[a:b].shape[0])
x_out[a:b] = self.inner_model(x_in[a:b], sigma_in[a:b], cond=make_condition_dict(c_crossattn, image_cond_in[a:b]))
if not skip_uncond:
2024-01-26 03:00:42 +00:00
self.inner_model.inner_model.cond_or_uncond = [1] * int(sigma_in[-uncond.shape[0]:].shape[0])
2023-07-11 18:16:43 +00:00
x_out[-uncond.shape[0]:] = self.inner_model(x_in[-uncond.shape[0]:], sigma_in[-uncond.shape[0]:], cond=make_condition_dict(uncond, image_cond_in[-uncond.shape[0]:]))
denoised_image_indexes = [x[0][0] for x in conds_list]
if skip_uncond:
fake_uncond = torch.cat([x_out[i:i+1] for i in denoised_image_indexes])
x_out = torch.cat([x_out, fake_uncond]) # we skipped uncond denoising, so we put cond-denoised image to where the uncond-denoised image should be
x_out = x_out.to(x_input_dtype)
denoised_params = CFGDenoisedParams(x_out, state.sampling_step, state.sampling_steps, self.inner_model)
2023-02-11 02:18:38 +00:00
cfg_denoised_callback(denoised_params)
devices.test_for_nans(x_out, "unet")
if is_edit_model:
denoised = self.combine_denoised_for_edit_model(x_out, cond_scale)
elif skip_uncond:
2024-01-26 03:52:03 +00:00
denoised = self.combine_denoised(x_out, conds_list, uncond, 1.0, sigma_in, x_in, tensor)
else:
2024-01-26 03:52:03 +00:00
denoised = self.combine_denoised(x_out, conds_list, uncond, cond_scale, sigma_in, x_in, tensor)
# Blend in the original latents (after)
if not self.mask_before_denoising and self.mask is not None:
denoised = apply_blend(denoised)
self.sampler.last_latent = self.get_pred_x0(torch.cat([x_in[i:i + 1] for i in denoised_image_indexes]), torch.cat([x_out[i:i + 1] for i in denoised_image_indexes]), sigma)
if opts.live_preview_content == "Prompt":
preview = self.sampler.last_latent
elif opts.live_preview_content == "Negative prompt":
preview = self.get_pred_x0(x_in[-uncond.shape[0]:], x_out[-uncond.shape[0]:], sigma)
else:
preview = self.get_pred_x0(torch.cat([x_in[i:i+1] for i in denoised_image_indexes]), torch.cat([denoised[i:i+1] for i in denoised_image_indexes]), sigma)
sd_samplers_common.store_latent(preview)
after_cfg_callback_params = AfterCFGCallbackParams(denoised, state.sampling_step, state.sampling_steps)
cfg_after_cfg_callback(after_cfg_callback_params)
denoised = after_cfg_callback_params.x
2022-09-15 10:10:16 +00:00
self.step += 1
return denoised