2023-08-24 00:26:37 +00:00
|
|
|
# pyright: reportPrivateUsage=false
|
|
|
|
import argparse
|
|
|
|
from pathlib import Path
|
2023-12-11 10:46:38 +00:00
|
|
|
|
2023-08-04 13:28:41 +00:00
|
|
|
import torch
|
2023-08-15 12:35:17 +00:00
|
|
|
from diffusers import ControlNetModel # type: ignore
|
2023-12-11 10:46:38 +00:00
|
|
|
from torch import nn
|
|
|
|
|
2023-08-24 00:26:37 +00:00
|
|
|
from refiners.fluxion.model_converter import ModelConverter
|
2023-12-29 09:59:51 +00:00
|
|
|
from refiners.fluxion.utils import no_grad, save_to_safetensors
|
2023-08-28 14:29:38 +00:00
|
|
|
from refiners.foundationals.latent_diffusion import (
|
|
|
|
DPMSolver,
|
2023-12-11 10:46:38 +00:00
|
|
|
SD1ControlnetAdapter,
|
|
|
|
SD1UNet,
|
2023-08-28 14:29:38 +00:00
|
|
|
)
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
|
2023-08-24 00:26:37 +00:00
|
|
|
class Args(argparse.Namespace):
|
|
|
|
source_path: str
|
|
|
|
output_path: str | None
|
|
|
|
|
|
|
|
|
2023-12-29 09:59:51 +00:00
|
|
|
@no_grad()
|
2023-08-24 00:26:37 +00:00
|
|
|
def convert(args: Args) -> dict[str, torch.Tensor]:
|
2023-12-14 03:53:06 +00:00
|
|
|
# low_cpu_mem_usage=False stops some annoying console messages us to `pip install accelerate`
|
|
|
|
controlnet_src: nn.Module = ControlNetModel.from_pretrained( # type: ignore
|
|
|
|
pretrained_model_name_or_path=args.source_path,
|
|
|
|
low_cpu_mem_usage=False,
|
|
|
|
)
|
2023-08-31 15:22:57 +00:00
|
|
|
unet = SD1UNet(in_channels=4)
|
2023-08-31 08:40:01 +00:00
|
|
|
adapter = SD1ControlnetAdapter(unet, name="mycn").inject()
|
2024-02-05 16:10:05 +00:00
|
|
|
controlnet = adapter.controlnet
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
condition = torch.randn(1, 3, 512, 512)
|
2023-08-31 08:40:01 +00:00
|
|
|
adapter.set_controlnet_condition(condition=condition)
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
clip_text_embedding = torch.rand(1, 77, 768)
|
2023-08-15 12:35:17 +00:00
|
|
|
unet.set_clip_text_embedding(clip_text_embedding=clip_text_embedding)
|
2023-08-04 13:28:41 +00:00
|
|
|
|
2024-01-31 14:07:34 +00:00
|
|
|
solver = DPMSolver(num_inference_steps=10)
|
|
|
|
timestep = solver.timesteps[0].unsqueeze(dim=0)
|
2023-08-15 12:35:17 +00:00
|
|
|
unet.set_timestep(timestep=timestep.unsqueeze(dim=0))
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
x = torch.randn(1, 4, 64, 64)
|
|
|
|
|
|
|
|
# We need the hack below because our implementation is not strictly equivalent
|
|
|
|
# to diffusers in order, since we compute the residuals inline instead of
|
|
|
|
# in a separate step.
|
|
|
|
|
2023-08-24 00:26:37 +00:00
|
|
|
converter = ModelConverter(
|
|
|
|
source_model=controlnet_src, target_model=controlnet, skip_output_check=True, verbose=False
|
|
|
|
)
|
|
|
|
|
|
|
|
source_order = converter._trace_module_execution_order(
|
|
|
|
module=controlnet_src, args=(x, timestep, clip_text_embedding, condition), keys_to_skip=[]
|
|
|
|
)
|
|
|
|
target_order = converter._trace_module_execution_order(module=controlnet, args=(x,), keys_to_skip=[])
|
2023-08-04 13:28:41 +00:00
|
|
|
|
2023-08-29 12:38:58 +00:00
|
|
|
broken_k = (nn.Conv2d, (torch.Size([320, 320, 1, 1]), torch.Size([320])))
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
expected_source_order = [
|
|
|
|
"down_blocks.0.attentions.0.proj_in",
|
|
|
|
"down_blocks.0.attentions.0.proj_out",
|
|
|
|
"down_blocks.0.attentions.1.proj_in",
|
|
|
|
"down_blocks.0.attentions.1.proj_out",
|
|
|
|
"controlnet_down_blocks.0",
|
|
|
|
"controlnet_down_blocks.1",
|
|
|
|
"controlnet_down_blocks.2",
|
|
|
|
"controlnet_down_blocks.3",
|
|
|
|
]
|
|
|
|
|
|
|
|
expected_target_order = [
|
|
|
|
"DownBlocks.Chain_1.Passthrough.Conv2d",
|
2023-10-19 08:17:25 +00:00
|
|
|
"DownBlocks.Chain_2.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"DownBlocks.Chain_2.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"DownBlocks.Chain_2.Passthrough.Conv2d",
|
2023-10-19 08:17:25 +00:00
|
|
|
"DownBlocks.Chain_3.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"DownBlocks.Chain_3.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"DownBlocks.Chain_3.Passthrough.Conv2d",
|
|
|
|
"DownBlocks.Chain_4.Passthrough.Conv2d",
|
|
|
|
]
|
|
|
|
|
|
|
|
fixed_source_order = [
|
|
|
|
"controlnet_down_blocks.0",
|
|
|
|
"down_blocks.0.attentions.0.proj_in",
|
|
|
|
"down_blocks.0.attentions.0.proj_out",
|
|
|
|
"controlnet_down_blocks.1",
|
|
|
|
"down_blocks.0.attentions.1.proj_in",
|
|
|
|
"down_blocks.0.attentions.1.proj_out",
|
|
|
|
"controlnet_down_blocks.2",
|
|
|
|
"controlnet_down_blocks.3",
|
|
|
|
]
|
|
|
|
|
|
|
|
assert source_order[broken_k] == expected_source_order
|
|
|
|
assert target_order[broken_k] == expected_target_order
|
|
|
|
source_order[broken_k] = fixed_source_order
|
|
|
|
|
2023-08-29 12:38:58 +00:00
|
|
|
broken_k = (nn.Conv2d, (torch.Size([640, 640, 1, 1]), torch.Size([640])))
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
expected_source_order = [
|
|
|
|
"down_blocks.1.attentions.0.proj_in",
|
|
|
|
"down_blocks.1.attentions.0.proj_out",
|
|
|
|
"down_blocks.1.attentions.1.proj_in",
|
|
|
|
"down_blocks.1.attentions.1.proj_out",
|
|
|
|
"controlnet_down_blocks.4",
|
|
|
|
"controlnet_down_blocks.5",
|
|
|
|
"controlnet_down_blocks.6",
|
|
|
|
]
|
|
|
|
|
|
|
|
expected_target_order = [
|
2023-10-19 08:17:25 +00:00
|
|
|
"DownBlocks.Chain_5.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"DownBlocks.Chain_5.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"DownBlocks.Chain_5.Passthrough.Conv2d",
|
2023-10-19 08:17:25 +00:00
|
|
|
"DownBlocks.Chain_6.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"DownBlocks.Chain_6.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"DownBlocks.Chain_6.Passthrough.Conv2d",
|
|
|
|
"DownBlocks.Chain_7.Passthrough.Conv2d",
|
|
|
|
]
|
|
|
|
|
|
|
|
fixed_source_order = [
|
|
|
|
"down_blocks.1.attentions.0.proj_in",
|
|
|
|
"down_blocks.1.attentions.0.proj_out",
|
|
|
|
"controlnet_down_blocks.4",
|
|
|
|
"down_blocks.1.attentions.1.proj_in",
|
|
|
|
"down_blocks.1.attentions.1.proj_out",
|
|
|
|
"controlnet_down_blocks.5",
|
|
|
|
"controlnet_down_blocks.6",
|
|
|
|
]
|
|
|
|
|
|
|
|
assert source_order[broken_k] == expected_source_order
|
|
|
|
assert target_order[broken_k] == expected_target_order
|
|
|
|
source_order[broken_k] = fixed_source_order
|
|
|
|
|
2023-08-29 12:38:58 +00:00
|
|
|
broken_k = (nn.Conv2d, (torch.Size([1280, 1280, 1, 1]), torch.Size([1280])))
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
expected_source_order = [
|
|
|
|
"down_blocks.2.attentions.0.proj_in",
|
|
|
|
"down_blocks.2.attentions.0.proj_out",
|
|
|
|
"down_blocks.2.attentions.1.proj_in",
|
|
|
|
"down_blocks.2.attentions.1.proj_out",
|
|
|
|
"mid_block.attentions.0.proj_in",
|
|
|
|
"mid_block.attentions.0.proj_out",
|
|
|
|
"controlnet_down_blocks.7",
|
|
|
|
"controlnet_down_blocks.8",
|
|
|
|
"controlnet_down_blocks.9",
|
|
|
|
"controlnet_down_blocks.10",
|
|
|
|
"controlnet_down_blocks.11",
|
|
|
|
"controlnet_mid_block",
|
|
|
|
]
|
|
|
|
|
|
|
|
expected_target_order = [
|
2023-10-19 08:17:25 +00:00
|
|
|
"DownBlocks.Chain_8.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"DownBlocks.Chain_8.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"DownBlocks.Chain_8.Passthrough.Conv2d",
|
2023-10-19 08:17:25 +00:00
|
|
|
"DownBlocks.Chain_9.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"DownBlocks.Chain_9.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"DownBlocks.Chain_9.Passthrough.Conv2d",
|
|
|
|
"DownBlocks.Chain_10.Passthrough.Conv2d",
|
|
|
|
"DownBlocks.Chain_11.Passthrough.Conv2d",
|
|
|
|
"DownBlocks.Chain_12.Passthrough.Conv2d",
|
2023-10-19 08:17:25 +00:00
|
|
|
"MiddleBlock.CLIPLCrossAttention.Chain_1.Conv2d",
|
|
|
|
"MiddleBlock.CLIPLCrossAttention.Chain_3.Conv2d",
|
2023-08-04 13:28:41 +00:00
|
|
|
"MiddleBlock.Passthrough.Conv2d",
|
|
|
|
]
|
|
|
|
|
|
|
|
fixed_source_order = [
|
|
|
|
"down_blocks.2.attentions.0.proj_in",
|
|
|
|
"down_blocks.2.attentions.0.proj_out",
|
|
|
|
"controlnet_down_blocks.7",
|
|
|
|
"down_blocks.2.attentions.1.proj_in",
|
|
|
|
"down_blocks.2.attentions.1.proj_out",
|
|
|
|
"controlnet_down_blocks.8",
|
|
|
|
"controlnet_down_blocks.9",
|
|
|
|
"controlnet_down_blocks.10",
|
|
|
|
"controlnet_down_blocks.11",
|
|
|
|
"mid_block.attentions.0.proj_in",
|
|
|
|
"mid_block.attentions.0.proj_out",
|
|
|
|
"controlnet_mid_block",
|
|
|
|
]
|
|
|
|
|
|
|
|
assert source_order[broken_k] == expected_source_order
|
|
|
|
assert target_order[broken_k] == expected_target_order
|
|
|
|
source_order[broken_k] = fixed_source_order
|
|
|
|
|
2023-08-24 00:26:37 +00:00
|
|
|
assert converter._assert_shapes_aligned(source_order=source_order, target_order=target_order), "Shapes not aligned"
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
mapping: dict[str, str] = {}
|
|
|
|
for model_type_shape in source_order:
|
|
|
|
source_keys = source_order[model_type_shape]
|
|
|
|
target_keys = target_order[model_type_shape]
|
|
|
|
mapping.update(zip(target_keys, source_keys))
|
|
|
|
|
2023-08-24 00:26:37 +00:00
|
|
|
state_dict = converter._convert_state_dict(
|
2023-08-15 12:35:17 +00:00
|
|
|
source_state_dict=controlnet_src.state_dict(),
|
|
|
|
target_state_dict=controlnet.state_dict(),
|
|
|
|
state_dict_mapping=mapping,
|
|
|
|
)
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
return {k: v.half() for k, v in state_dict.items()}
|
|
|
|
|
|
|
|
|
2023-08-15 12:35:17 +00:00
|
|
|
def main() -> None:
|
2023-08-24 00:26:37 +00:00
|
|
|
parser = argparse.ArgumentParser(description="Convert a diffusers ControlNet model to a Refiners ControlNet model")
|
2023-08-04 13:28:41 +00:00
|
|
|
parser.add_argument(
|
|
|
|
"--from",
|
|
|
|
type=str,
|
2023-08-24 00:26:37 +00:00
|
|
|
dest="source_path",
|
|
|
|
default="lllyasviel/sd-controlnet-depth",
|
|
|
|
help=(
|
|
|
|
"Can be a path to a .bin, a .safetensors file, or a model identifier from Hugging Face Hub. Defaults to"
|
|
|
|
" lllyasviel/sd-controlnet-depth"
|
|
|
|
),
|
2023-08-04 13:28:41 +00:00
|
|
|
)
|
|
|
|
parser.add_argument(
|
2023-08-24 00:26:37 +00:00
|
|
|
"--to",
|
2023-08-04 13:28:41 +00:00
|
|
|
type=str,
|
2023-08-24 00:26:37 +00:00
|
|
|
dest="output_path",
|
2023-08-04 13:28:41 +00:00
|
|
|
required=False,
|
2023-08-24 00:26:37 +00:00
|
|
|
default=None,
|
|
|
|
help=(
|
|
|
|
"Output path (.safetensors) for converted model. If not provided, the output path will be the same as the"
|
|
|
|
" source path."
|
|
|
|
),
|
2023-08-04 13:28:41 +00:00
|
|
|
)
|
2023-08-24 00:26:37 +00:00
|
|
|
args = parser.parse_args(namespace=Args())
|
|
|
|
if args.output_path is None:
|
|
|
|
args.output_path = f"{Path(args.source_path).stem}-controlnet.safetensors"
|
|
|
|
state_dict = convert(args=args)
|
|
|
|
save_to_safetensors(path=args.output_path, tensors=state_dict)
|
2023-08-04 13:28:41 +00:00
|
|
|
|
|
|
|
|
|
|
|
if __name__ == "__main__":
|
|
|
|
main()
|