sd_samplers_cfg_denoiser.py 10.1 KB
Newer Older
1
import torch
2
from modules import prompt_parser, devices, sd_samplers_common
3

4
from modules.shared import opts, state
5
import modules.shared as shared
D
DepFA 已提交
6
from modules.script_callbacks import CFGDenoiserParams, cfg_denoiser_callback
O
opparco 已提交
7
from modules.script_callbacks import CFGDenoisedParams, cfg_denoised_callback
C
catboxanon 已提交
8
from modules.script_callbacks import AfterCFGCallbackParams, cfg_after_cfg_callback
9

10

11 12 13 14 15 16 17 18 19 20 21 22 23 24 25 26 27 28 29 30 31 32
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


33
class CFGDenoiser(torch.nn.Module):
34 35 36 37 38 39 40
    """
    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.
    """

A
AUTOMATIC1111 已提交
41
    def __init__(self, sampler):
42
        super().__init__()
A
AUTOMATIC1111 已提交
43
        self.model_wrap = None
44 45 46
        self.mask = None
        self.nmask = None
        self.init_latent = None
A
AUTOMATIC1111 已提交
47
        self.steps = None
A
AUTOMATIC 已提交
48
        self.step = 0
49
        self.image_cfg_scale = None
50
        self.padded_cond_uncond = False
51
        self.sampler = sampler
A
AUTOMATIC1111 已提交
52 53 54 55 56 57 58
        self.model_wrap = None
        self.p = None

    @property
    def inner_model(self):
        raise NotImplementedError()

59

60 61 62 63 64 65 66 67 68 69
    def combine_denoised(self, x_out, conds_list, uncond, cond_scale):
        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)

        return denoised

70 71 72 73 74 75
    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

76 77 78
    def get_pred_x0(self, x_in, x_out, sigma):
        return x_out

A
AUTOMATIC1111 已提交
79 80 81 82 83 84 85
    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

D
devdn 已提交
86
    def forward(self, x, sigma, uncond, cond, cond_scale, s_min_uncond, image_cond):
87
        if state.interrupted or state.skipped:
88
            raise sd_samplers_common.InterruptedException
89

A
AUTOMATIC1111 已提交
90 91 92 93
        if sd_samplers_common.apply_refiner(self):
            cond = self.sampler.sampler_extra_args['cond']
            uncond = self.sampler.sampler_extra_args['uncond']

94 95 96 97
        # 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

A
AUTOMATIC 已提交
98
        conds_list, tensor = prompt_parser.reconstruct_multicond_batch(cond, self.step)
A
AUTOMATIC 已提交
99 100
        uncond = prompt_parser.reconstruct_cond_batch(uncond, self.step)

A
AUTOMATIC 已提交
101
        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)"
102

103 104 105
        if self.mask is not None:
            x = self.init_latent * self.mask + self.nmask * x

A
AUTOMATIC 已提交
106 107 108
        batch_size = len(conds_list)
        repeats = [len(conds_list[i]) for i in range(batch_size)]

109 110
        if shared.sd_model.model.conditioning_key == "crossattn-adm":
            image_uncond = torch.zeros_like(image_cond)
111
            make_condition_dict = lambda c_crossattn, c_adm: {"c_crossattn": [c_crossattn], "c_adm": c_adm}
112 113
        else:
            image_uncond = image_cond
114 115 116 117
            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]}
118

119 120 121
        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])
122
            image_cond_in = torch.cat([torch.stack([image_cond[i] for _ in range(n)]) for i, n in enumerate(repeats)] + [image_uncond])
123 124 125
        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])
126
            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)])
A
AUTOMATIC 已提交
127

L
laksjdjf 已提交
128
        denoiser_params = CFGDenoiserParams(x_in, image_cond_in, sigma_in, state.sampling_step, state.sampling_steps, tensor, uncond)
D
DepFA 已提交
129 130 131 132
        cfg_denoiser_callback(denoiser_params)
        x_in = denoiser_params.x
        image_cond_in = denoiser_params.image_cond
        sigma_in = denoiser_params.sigma
133 134
        tensor = denoiser_params.text_cond
        uncond = denoiser_params.text_uncond
135
        skip_uncond = False
D
DepFA 已提交
136

137 138 139 140 141
        # 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]
D
devdn 已提交
142

143
        self.padded_cond_uncond = False
144 145 146 147 148
        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:
149
                tensor = pad_cond(tensor, -num_repeats, empty)
150
                self.padded_cond_uncond = True
151
            elif num_repeats > 0:
152
                uncond = pad_cond(uncond, num_repeats, empty)
153
                self.padded_cond_uncond = True
154

155 156
        if tensor.shape[1] == uncond.shape[1] or skip_uncond:
            if is_edit_model:
157
                cond_in = catenate_conds([tensor, uncond, uncond])
158 159 160
            elif skip_uncond:
                cond_in = tensor
            else:
161
                cond_in = catenate_conds([tensor, uncond])
162 163

            if shared.batch_cond_uncond:
164
                x_out = self.inner_model(x_in, sigma_in, cond=make_condition_dict(cond_in, image_cond_in))
165 166 167 168 169
            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
A
AUTOMATIC1111 已提交
170
                    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]))
171
        else:
A
AUTOMATIC 已提交
172
            x_out = torch.zeros_like(x_in)
173 174
            batch_size = batch_size*2 if shared.batch_cond_uncond else batch_size
            for batch_offset in range(0, tensor.shape[0], batch_size):
A
AUTOMATIC 已提交
175
                a = batch_offset
176
                b = min(a + batch_size, tensor.shape[0])
177 178

                if not is_edit_model:
179
                    c_crossattn = subscript_cond(tensor, a, b)
180 181 182
                else:
                    c_crossattn = torch.cat([tensor[a:b]], uncond)

183
                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]))
184

185
            if not skip_uncond:
186
                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]:]))
A
AUTOMATIC 已提交
187

188
        denoised_image_indexes = [x[0][0] for x in conds_list]
189 190
        if skip_uncond:
            fake_uncond = torch.cat([x_out[i:i+1] for i in denoised_image_indexes])
191
            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
192

C
catboxanon 已提交
193
        denoised_params = CFGDenoisedParams(x_out, state.sampling_step, state.sampling_steps, self.inner_model)
O
opparco 已提交
194 195
        cfg_denoised_callback(denoised_params)

196 197
        devices.test_for_nans(x_out, "unet")

198
        if is_edit_model:
199
            denoised = self.combine_denoised_for_edit_model(x_out, cond_scale)
200 201 202 203
        elif skip_uncond:
            denoised = self.combine_denoised(x_out, conds_list, uncond, 1.0)
        else:
            denoised = self.combine_denoised(x_out, conds_list, uncond, cond_scale)
204

205 206 207 208 209 210 211 212 213 214
        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)
215

C
catboxanon 已提交
216 217
        after_cfg_callback_params = AfterCFGCallbackParams(denoised, state.sampling_step, state.sampling_steps)
        cfg_after_cfg_callback(after_cfg_callback_params)
218
        denoised = after_cfg_callback_params.x
C
catboxanon 已提交
219

A
AUTOMATIC 已提交
220
        self.step += 1
221 222
        return denoised