After Update Comfyui the controlnet upscaler stop working and give error!!
#15
by
smereces
- opened
Hi i update my comfyui and now the controlnet dont work anymore popup a error!! any fix?
ComfyUI Error Report
Error Details
- Node Type: ControlNetLoader
- Exception Type: KeyError
- Exception Message: 'pos_embed.proj.weight'
Stack Trace
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
System Information
- ComfyUI Version: unknown
- Arguments: main.py
- OS: nt
- Python Version: 3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)]
- Embedded Python: false
- PyTorch Version: 2.5.0.dev20240815+cu124
Devices
- Name: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
- Type: cuda
- VRAM Total: 25756565504
- VRAM Free: 14007814034
- Torch VRAM Total: 10234101760
- Torch VRAM Free: 256788370
Logs
2024-10-30 18:33:07,425 - root - INFO - Total VRAM 24563 MB, total RAM 49031 MB
2024-10-30 18:33:07,426 - root - INFO - pytorch version: 2.5.0.dev20240815+cu124
2024-10-30 18:33:07,428 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-30 18:33:07,429 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
2024-10-30 18:33:09,602 - root - INFO - Using pytorch cross attention
2024-10-30 18:33:12,018 - root - INFO - [Prompt Server] web root: F:\Ai\ComfyUI\web
2024-10-30 18:33:12,024 - root - INFO - Adding extra search path checkpoints O:\SDXL\stable-diffusion-webui\models\Stable-diffusion\
2024-10-30 18:33:12,024 - root - INFO - Adding extra search path configs E:\SD\stable-diffusion-webui\models\Stable-diffusion\
2024-10-30 18:33:12,025 - root - INFO - Adding extra search path vae O:\SDXL\stable-diffusion-webui\models\VAE\
2024-10-30 18:33:12,025 - root - INFO - Adding extra search path vae F:\Ai\ComfyUI_windows_portable\ComfyUI\models\vae\
2024-10-30 18:33:12,026 - root - INFO - Adding extra search path unet F:\Ai\ComfyUI_windows_portable\ComfyUI\models\unet\
2024-10-30 18:33:12,026 - root - INFO - Adding extra search path clip F:\Ai\ComfyUI_windows_portable\ComfyUI\models\clip\
2024-10-30 18:33:12,028 - root - INFO - Adding extra search path loras path/to/stable-diffusion-webui/models/Lora
2024-10-30 18:33:12,028 - root - INFO - Adding extra search path loras path/to/stable-diffusion-webui/models/LyCORIS
2024-10-30 18:33:12,028 - root - INFO - Adding extra search path loras O:\SDXL\stable-diffusion-webui\models\Lora\
2024-10-30 18:33:12,029 - root - INFO - Adding extra search path upscale_models path/to/stable-diffusion-webui/models/ESRGAN
2024-10-30 18:33:12,029 - root - INFO - Adding extra search path upscale_models path/to/stable-diffusion-webui/models/RealESRGAN
2024-10-30 18:33:12,030 - root - INFO - Adding extra search path upscale_models path/to/stable-diffusion-webui/models/SwinIR
2024-10-30 18:33:12,030 - root - INFO - Adding extra search path embeddings path/to/stable-diffusion-webui/embeddings
2024-10-30 18:33:12,031 - root - INFO - Adding extra search path hypernetworks path/to/stable-diffusion-webui/models/hypernetworks
2024-10-30 18:33:12,031 - root - INFO - Adding extra search path controlnet E:\SD\stable-diffusion-webui\extensions\sd-webui-controlnet\models\
2024-10-30 18:33:16,330 - ComfyUI-CogVideoXWrapper.custom_cogvideox_transformer_3d - INFO - sageattn not found, using sdpa
2024-10-30 18:33:16,356 - ComfyUI-CogVideoXWrapper.cogvideox_fun.transformer_3d - INFO - sageattn not found, using sdpa
2024-10-30 18:33:16,360 - ComfyUI-CogVideoXWrapper.cogvideox_fun.fun_pab_transformer_3d - INFO - sageattn not found, using sdpa
2024-10-30 18:33:17,938 - root - INFO - Total VRAM 24563 MB, total RAM 49031 MB
2024-10-30 18:33:17,939 - root - INFO - pytorch version: 2.5.0.dev20240815+cu124
2024-10-30 18:33:17,943 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-30 18:33:17,943 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
2024-10-30 18:33:20,563 - root - WARNING - Traceback (most recent call last):
File "F:\Ai\ComfyUI\nodes.py", line 2006, in load_custom_node
module_spec.loader.exec_module(module)
File "<frozen importlib._bootstrap_external>", line 883, in exec_module
File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
File "F:\Ai\ComfyUI\custom_nodes\ComfyUI-IP_LAP\__init__.py", line 1, in <module>
from .nodes import IP_LAP,LoadVideo,PreViewVideo,CombineAudioVideo
File "F:\Ai\ComfyUI\custom_nodes\ComfyUI-IP_LAP\nodes.py", line 10, in <module>
from .ip_lap.inference import IP_LAP_infer
File "F:\Ai\ComfyUI\custom_nodes\ComfyUI-IP_LAP\ip_lap\inference.py", line 7, in <module>
from .face_mask import FaceMask
File "F:\Ai\ComfyUI\custom_nodes\ComfyUI-IP_LAP\ip_lap\face_mask.py", line 5, in <module>
from basicsr.utils.download_util import load_file_from_url
File "F:\Ai\ComfyUI\venv\lib\site-packages\basicsr\__init__.py", line 4, in <module>
from .data import *
File "F:\Ai\ComfyUI\venv\lib\site-packages\basicsr\data\__init__.py", line 22, in <module>
_dataset_modules = [importlib.import_module(f'basicsr.data.{file_name}') for file_name in dataset_filenames]
File "F:\Ai\ComfyUI\venv\lib\site-packages\basicsr\data\__init__.py", line 22, in <listcomp>
_dataset_modules = [importlib.import_module(f'basicsr.data.{file_name}') for file_name in dataset_filenames]
File "C:\Users\Ryzen_Reaper\AppData\Local\Programs\Python\Python310\lib\importlib\__init__.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "F:\Ai\ComfyUI\venv\lib\site-packages\basicsr\data\realesrgan_dataset.py", line 11, in <module>
from basicsr.data.degradations import circular_lowpass_kernel, random_mixed_kernels
File "F:\Ai\ComfyUI\venv\lib\site-packages\basicsr\data\degradations.py", line 8, in <module>
from torchvision.transforms.functional_tensor import rgb_to_grayscale
ModuleNotFoundError: No module named 'torchvision.transforms.functional_tensor'
2024-10-30 18:33:20,564 - root - WARNING - Cannot import F:\Ai\ComfyUI\custom_nodes\ComfyUI-IP_LAP module for custom nodes: No module named 'torchvision.transforms.functional_tensor'
2024-10-30 18:33:23,034 - py.warnings - WARNING - F:\Ai\ComfyUI\custom_nodes\ComfyUI-segment-anything-2\sam2\modeling\sam\transformer.py:20: UserWarning: Flash Attention is disabled as it requires a GPU with Ampere (8.0) CUDA capability.
OLD_GPU, USE_FLASH_ATTN, MATH_KERNEL_ON = get_sdpa_settings()
2024-10-30 18:33:27,639 - root - INFO -
Import times for custom nodes:
2024-10-30 18:33:27,640 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\websocket_image_save.py
2024-10-30 18:33:27,641 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_Noise
2024-10-30 18:33:27,641 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
2024-10-30 18:33:27,641 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-GlifNodes
2024-10-30 18:33:27,641 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-YOLO
2024-10-30 18:33:27,642 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\cg-use-everywhere
2024-10-30 18:33:27,642 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
2024-10-30 18:33:27,642 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\stability-ComfyUI-nodes
2024-10-30 18:33:27,643 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\cg-noisetools
2024-10-30 18:33:27,643 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-post-processing-nodes
2024-10-30 18:33:27,644 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Dickson-Nodes
2024-10-30 18:33:27,644 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-WD14-Tagger
2024-10-30 18:33:27,645 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\comfyui_controlnet_aux
2024-10-30 18:33:27,645 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-SuperBeasts
2024-10-30 18:33:27,646 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Tripo
2024-10-30 18:33:27,646 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\comfyui-various
2024-10-30 18:33:27,647 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
2024-10-30 18:33:27,647 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyMath
2024-10-30 18:33:27,647 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
2024-10-30 18:33:27,648 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
2024-10-30 18:33:27,648 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_essentials
2024-10-30 18:33:27,648 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\comfyui_segment_anything
2024-10-30 18:33:27,649 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\DJZ-Nodes
2024-10-30 18:33:27,649 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Manager
2024-10-30 18:33:27,649 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\virtuoso-nodes
2024-10-30 18:33:27,650 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Florence2
2024-10-30 18:33:27,650 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-KJNodes
2024-10-30 18:33:27,651 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Frame-Interpolation
2024-10-30 18:33:27,653 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-segment-anything-2
2024-10-30 18:33:27,653 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui
2024-10-30 18:33:27,654 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-GGUF
2024-10-30 18:33:27,654 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-MochiWrapper
2024-10-30 18:33:27,654 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\rgthree-comfy
2024-10-30 18:33:27,655 - root - INFO - 0.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-IC-Light
2024-10-30 18:33:27,655 - root - INFO - 0.1 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2024-10-30 18:33:27,655 - root - INFO - 0.1 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_bitsandbytes_NF4
2024-10-30 18:33:27,656 - root - INFO - 0.1 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI_smZNodes
2024-10-30 18:33:27,656 - root - INFO - 0.1 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
2024-10-30 18:33:27,656 - root - INFO - 0.1 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
2024-10-30 18:33:27,657 - root - INFO - 0.1 seconds: F:\Ai\ComfyUI\custom_nodes\comfy_mtb
2024-10-30 18:33:27,657 - root - INFO - 0.2 seconds: F:\Ai\ComfyUI\custom_nodes\comfy-image-saver
2024-10-30 18:33:27,657 - root - INFO - 0.2 seconds: F:\Ai\ComfyUI\custom_nodes\comfyui-tensorops
2024-10-30 18:33:27,658 - root - INFO - 0.4 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-SAM2
2024-10-30 18:33:27,658 - root - INFO - 0.6 seconds: F:\Ai\ComfyUI\custom_nodes\comfyui-propost
2024-10-30 18:33:27,659 - root - INFO - 0.7 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Easy-Use
2024-10-30 18:33:27,659 - root - INFO - 0.7 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Anyline
2024-10-30 18:33:27,660 - root - INFO - 0.7 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper
2024-10-30 18:33:27,660 - root - INFO - 0.8 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Crystools
2024-10-30 18:33:27,662 - root - INFO - 1.0 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-SUPIR
2024-10-30 18:33:27,662 - root - INFO - 1.2 seconds (IMPORT FAILED): F:\Ai\ComfyUI\custom_nodes\ComfyUI-IP_LAP
2024-10-30 18:33:27,662 - root - INFO - 1.3 seconds: F:\Ai\ComfyUI\custom_nodes\comfyui-art-venture
2024-10-30 18:33:27,663 - root - INFO - 1.4 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-PyramidFlowWrapper
2024-10-30 18:33:27,663 - root - INFO - 1.4 seconds: F:\Ai\ComfyUI\custom_nodes\ComfyUI-Image-Filters
2024-10-30 18:33:27,663 - root - INFO - 2.8 seconds: F:\Ai\ComfyUI\custom_nodes\was-node-suite-comfyui
2024-10-30 18:33:27,663 - root - INFO -
2024-10-30 18:33:27,689 - root - INFO - Starting server
2024-10-30 18:33:27,690 - root - INFO - To see the GUI go to: http://127.0.0.1:8188
2024-10-30 18:33:30,593 - asyncio - ERROR - Exception in callback _ProactorBasePipeTransport._call_connection_lost(None)
handle: <Handle _ProactorBasePipeTransport._call_connection_lost(None)>
Traceback (most recent call last):
File "C:\Users\Ryzen_Reaper\AppData\Local\Programs\Python\Python310\lib\asyncio\events.py", line 80, in _run
self._context.run(self._callback, *self._args)
File "C:\Users\Ryzen_Reaper\AppData\Local\Programs\Python\Python310\lib\asyncio\proactor_events.py", line 165, in _call_connection_lost
self._sock.shutdown(socket.SHUT_RDWR)
ConnectionResetError: [WinError 10054] Uma ligação existente foi forçada a fechar pelo anfitrião remoto
2024-10-30 18:33:37,564 - root - INFO - got prompt
2024-10-30 18:33:38,008 - root - WARNING - Warning torch.load doesn't support weights_only on this pytorch version, loading unsafely.
2024-10-30 18:33:38,341 - root - INFO - Using pytorch attention in VAE
2024-10-30 18:33:38,343 - root - INFO - Using pytorch attention in VAE
2024-10-30 18:33:39,902 - root - INFO - Requested to load FluxClipModel_
2024-10-30 18:33:39,903 - root - INFO - Loading 1 new model
2024-10-30 18:33:39,919 - root - INFO - loaded completely 0.0 9319.23095703125 True
2024-10-30 18:33:45,127 - root - WARNING - clip missing: ['text_projection.weight']
2024-10-30 18:33:47,856 - root - INFO - model weight dtype torch.float8_e4m3fn, manual cast: torch.bfloat16
2024-10-30 18:33:47,862 - root - INFO - model_type FLUX
2024-10-30 18:35:24,454 - root - INFO - Requested to load FluxClipModel_
2024-10-30 18:35:24,455 - root - INFO - Loading 1 new model
2024-10-30 18:35:24,851 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 18:35:24,855 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 18:35:24,858 - root - INFO - Prompt executed in 107.22 seconds
2024-10-30 18:35:25,264 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:35:41,932 - root - INFO - got prompt
2024-10-30 18:35:42,242 - root - INFO - model weight dtype torch.float8_e4m3fn, manual cast: torch.bfloat16
2024-10-30 18:35:42,243 - root - INFO - model_type FLUX
2024-10-30 18:36:01,806 - root - INFO - Requested to load FluxClipModel_
2024-10-30 18:36:01,807 - root - INFO - Loading 1 new model
2024-10-30 18:36:02,222 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 18:36:02,223 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 18:36:02,227 - root - INFO - Prompt executed in 20.22 seconds
2024-10-30 18:36:02,840 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:38:33,420 - root - INFO - got prompt
2024-10-30 18:38:33,582 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 18:38:33,586 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\nodes.py", line 54, in load_controlnet
controlnet = load_controlnet(controlnet_path, tk_optional)
File "F:\Ai\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\control.py", line 503, in load_controlnet
control = comfy_cn.load_controlnet(ckpt_path, model=model)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 18:38:33,587 - root - INFO - Prompt executed in 0.10 seconds
2024-10-30 18:38:33,966 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:39:23,312 - root - INFO - got prompt
2024-10-30 18:39:23,481 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 18:39:23,482 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 18:39:23,484 - root - INFO - Prompt executed in 0.10 seconds
2024-10-30 18:39:23,851 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:39:55,955 - root - INFO - got prompt
2024-10-30 18:39:56,119 - root - INFO - Requested to load Flux
2024-10-30 18:39:56,119 - root - INFO - Loading 1 new model
2024-10-30 18:40:16,803 - root - INFO - loaded completely 0.0 11350.048889160156 True
2024-10-30 18:40:34,205 - root - INFO - Processing interrupted
2024-10-30 18:40:34,206 - root - INFO - Prompt executed in 38.18 seconds
2024-10-30 18:40:55,299 - root - INFO - got prompt
2024-10-30 18:40:55,448 - root - INFO - Requested to load AutoencodingEngine
2024-10-30 18:40:55,449 - root - INFO - Loading 1 new model
2024-10-30 18:40:58,005 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-30 18:40:58,827 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 18:40:58,829 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 18:40:58,833 - root - INFO - Prompt executed in 3.46 seconds
2024-10-30 18:40:59,241 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:41:13,483 - root - INFO - got prompt
2024-10-30 18:41:48,521 - root - INFO - Processing interrupted
2024-10-30 18:41:48,531 - root - INFO - Prompt executed in 34.98 seconds
2024-10-30 18:41:49,414 - root - INFO - got prompt
2024-10-30 18:43:07,944 - root - INFO - Processing interrupted
2024-10-30 18:43:07,952 - root - INFO - Prompt executed in 78.46 seconds
2024-10-30 18:44:36,035 - root - INFO - got prompt
2024-10-30 18:44:36,101 - root - ERROR - Failed to validate prompt for output 21:
2024-10-30 18:44:36,101 - root - ERROR - * UNETLoader 10:
2024-10-30 18:44:36,102 - root - ERROR - - Value not in list: unet_name: 'flux1-dev.safetensors' not in ['Stable-Cascade\\stage_b_bf16.safetensors', 'Stable-Cascade\\stage_c_bf16.safetensors', 'diffusion_pytorch_model.fp16.safetensors', 'flux1-dev-fp8.safetensors', 'flux1-schnell-fp8.safetensors', 'fluxRealistic_fluxRealisticSamayV2.safetensors', 'iclight_sd15_fc_unet_ldm.safetensors', 'mochi\\mochi_preview_dit_bf16.safetensors', 'mochi\\mochi_preview_dit_fp8_e4m3fn.safetensors']
2024-10-30 18:44:36,102 - root - ERROR - Output will be ignored
2024-10-30 18:44:37,408 - root - INFO - Prompt executed in 1.30 seconds
2024-10-30 18:45:18,336 - root - INFO - got prompt
2024-10-30 18:45:19,404 - root - INFO - Using pytorch attention in VAE
2024-10-30 18:45:19,406 - root - INFO - Using pytorch attention in VAE
2024-10-30 18:45:23,775 - root - INFO - Processing interrupted
2024-10-30 18:45:23,776 - root - INFO - Prompt executed in 5.38 seconds
2024-10-30 18:45:25,388 - root - INFO - got prompt
2024-10-30 18:45:25,625 - root - INFO - Using pytorch attention in VAE
2024-10-30 18:45:25,628 - root - INFO - Using pytorch attention in VAE
2024-10-30 18:45:26,703 - root - INFO - Requested to load FluxClipModel_
2024-10-30 18:45:26,703 - root - INFO - Loading 1 new model
2024-10-30 18:45:26,725 - root - INFO - loaded completely 0.0 9319.23095703125 True
2024-10-30 18:45:27,240 - root - WARNING - clip missing: ['text_projection.weight']
2024-10-30 18:45:38,970 - root - INFO - model weight dtype torch.float8_e4m3fn, manual cast: torch.bfloat16
2024-10-30 18:45:38,971 - root - INFO - model_type FLUX
2024-10-30 18:45:57,027 - root - INFO - Requested to load Flux
2024-10-30 18:45:57,028 - root - INFO - Loading 1 new model
2024-10-30 18:46:03,356 - root - INFO - loaded completely 0.0 11350.048889160156 True
2024-10-30 18:46:26,312 - root - INFO - Processing interrupted
2024-10-30 18:46:26,322 - root - INFO - Prompt executed in 60.85 seconds
2024-10-30 18:46:35,064 - root - INFO - got prompt
2024-10-30 18:46:37,106 - root - INFO - loaded completely 9387.826290893554 9319.23095703125 True
2024-10-30 18:46:38,343 - root - INFO - loaded partially 11162.103688049316 11160.987365722656 0
2024-10-30 18:46:38,537 - root - INFO - loaded completely 11370.03429107666 11350.048889160156 True
2024-10-30 18:47:32,692 - root - INFO - Requested to load AutoencodingEngine
2024-10-30 18:47:32,694 - root - INFO - Loading 1 new model
2024-10-30 18:47:35,032 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-30 18:47:35,374 - root - INFO - Prompt executed in 60.25 seconds
2024-10-30 18:49:12,690 - asyncio - ERROR - Exception in callback _ProactorBasePipeTransport._call_connection_lost(None)
handle: <Handle _ProactorBasePipeTransport._call_connection_lost(None)>
Traceback (most recent call last):
File "C:\Users\Ryzen_Reaper\AppData\Local\Programs\Python\Python310\lib\asyncio\events.py", line 80, in _run
self._context.run(self._callback, *self._args)
File "C:\Users\Ryzen_Reaper\AppData\Local\Programs\Python\Python310\lib\asyncio\proactor_events.py", line 165, in _call_connection_lost
self._sock.shutdown(socket.SHUT_RDWR)
ConnectionResetError: [WinError 10054] Uma ligação existente foi forçada a fechar pelo anfitrião remoto
2024-10-30 18:50:31,004 - root - INFO - got prompt
2024-10-30 18:50:33,668 - root - INFO - Requested to load FluxClipModel_
2024-10-30 18:50:33,668 - root - INFO - Loading 1 new model
2024-10-30 18:50:36,446 - root - INFO - loaded completely 9.5367431640625e+25 9319.23095703125 True
2024-10-30 18:50:39,281 - root - INFO - Requested to load Flux
2024-10-30 18:50:39,282 - root - INFO - Loading 1 new model
2024-10-30 18:51:15,623 - root - INFO - loaded completely 0.0 11350.048889160156 True
2024-10-30 18:51:46,954 - root - INFO - Requested to load AutoencodingEngine
2024-10-30 18:51:46,954 - root - INFO - Loading 1 new model
2024-10-30 18:51:49,423 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-30 18:51:49,813 - root - INFO - Prompt executed in 78.75 seconds
2024-10-30 18:53:13,056 - root - INFO - got prompt
2024-10-30 18:53:13,120 - root - ERROR - Failed to validate prompt for output 38:
2024-10-30 18:53:13,120 - root - ERROR - * FluxGuidance 36:
2024-10-30 18:53:13,121 - root - ERROR - - Required input is missing: conditioning
2024-10-30 18:53:13,121 - root - ERROR - * UltimateSDUpscale 30:
2024-10-30 18:53:13,122 - root - ERROR - - Required input is missing: negative
2024-10-30 18:53:13,122 - root - ERROR - - Required input is missing: image
2024-10-30 18:53:13,123 - root - ERROR - - Required input is missing: model
2024-10-30 18:53:13,123 - root - ERROR - - Required input is missing: vae
2024-10-30 18:53:13,123 - root - ERROR - Output will be ignored
2024-10-30 18:53:13,124 - root - ERROR - Failed to validate prompt for output 37:
2024-10-30 18:53:13,124 - root - ERROR - Output will be ignored
2024-10-30 18:53:13,578 - root - INFO - loaded completely 14418.730330276489 11350.048889160156 True
2024-10-30 18:53:13,730 - root - ERROR - !!! Exception during processing !!! list index out of range
2024-10-30 18:53:13,733 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\nodes.py", line 458, in sampling
x = denoise_controlnet(
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\sampling.py", line 256, in denoise_controlnet
t = timesteps[t_idx]
IndexError: list index out of range
2024-10-30 18:53:13,735 - root - INFO - Prompt executed in 0.61 seconds
2024-10-30 18:53:14,185 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:53:50,695 - root - INFO - got prompt
2024-10-30 18:53:50,840 - root - WARNING - Warning torch.load doesn't support weights_only on this pytorch version, loading unsafely.
2024-10-30 18:53:51,220 - root - ERROR - !!! Exception during processing !!! list index out of range
2024-10-30 18:53:51,221 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\nodes.py", line 458, in sampling
x = denoise_controlnet(
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\sampling.py", line 256, in denoise_controlnet
t = timesteps[t_idx]
IndexError: list index out of range
2024-10-30 18:53:51,222 - root - INFO - Prompt executed in 0.45 seconds
2024-10-30 18:53:51,624 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:54:36,695 - root - INFO - got prompt
2024-10-30 18:54:37,150 - root - ERROR - !!! Exception during processing !!! list index out of range
2024-10-30 18:54:37,150 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\nodes.py", line 458, in sampling
x = denoise_controlnet(
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\sampling.py", line 256, in denoise_controlnet
t = timesteps[t_idx]
IndexError: list index out of range
2024-10-30 18:54:37,154 - root - INFO - Prompt executed in 0.38 seconds
2024-10-30 18:54:37,568 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:54:48,772 - root - INFO - got prompt
2024-10-30 18:54:49,161 - root - ERROR - !!! Exception during processing !!! list index out of range
2024-10-30 18:54:49,162 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\nodes.py", line 458, in sampling
x = denoise_controlnet(
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\sampling.py", line 256, in denoise_controlnet
t = timesteps[t_idx]
IndexError: list index out of range
2024-10-30 18:54:49,165 - root - INFO - Prompt executed in 0.32 seconds
2024-10-30 18:54:49,569 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:55:41,947 - root - INFO - got prompt
2024-10-30 18:55:42,621 - root - ERROR - !!! Exception during processing !!! list index out of range
2024-10-30 18:55:42,622 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\nodes.py", line 458, in sampling
x = denoise_controlnet(
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\sampling.py", line 256, in denoise_controlnet
t = timesteps[t_idx]
IndexError: list index out of range
2024-10-30 18:55:42,624 - root - INFO - Prompt executed in 0.60 seconds
2024-10-30 18:55:43,032 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:55:53,123 - root - INFO - got prompt
2024-10-30 18:55:53,824 - root - ERROR - !!! Exception during processing !!! list index out of range
2024-10-30 18:55:53,825 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\nodes.py", line 458, in sampling
x = denoise_controlnet(
File "F:\Ai\ComfyUI\custom_nodes\x-flux-comfyui\sampling.py", line 256, in denoise_controlnet
t = timesteps[t_idx]
IndexError: list index out of range
2024-10-30 18:55:53,827 - root - INFO - Prompt executed in 0.63 seconds
2024-10-30 18:55:54,233 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 18:56:23,283 - root - INFO - got prompt
2024-10-30 18:56:27,215 - root - INFO - Processing interrupted
2024-10-30 18:56:27,217 - root - INFO - Prompt executed in 3.86 seconds
2024-10-30 18:56:41,583 - root - INFO - got prompt
2024-10-30 18:58:54,130 - root - INFO - Processing interrupted
2024-10-30 18:58:54,131 - root - INFO - Prompt executed in 132.48 seconds
2024-10-30 18:58:57,574 - root - INFO - got prompt
2024-10-30 18:58:57,738 - root - INFO - Requested to load FluxClipModel_
2024-10-30 18:58:57,738 - root - INFO - Loading 1 new model
2024-10-30 18:59:01,729 - root - INFO - loaded completely 0.0 9319.23095703125 True
2024-10-30 18:59:03,688 - root - INFO - loaded completely 11556.974781799316 11350.048889160156 True
2024-10-30 19:00:15,003 - root - INFO - got prompt
2024-10-30 19:00:16,746 - root - INFO - Processing interrupted
2024-10-30 19:00:16,747 - root - INFO - Prompt executed in 79.10 seconds
2024-10-30 19:01:26,540 - root - INFO - got prompt
2024-10-30 19:01:29,045 - root - INFO - Processing interrupted
2024-10-30 19:01:29,046 - root - INFO - Prompt executed in 71.56 seconds
2024-10-30 19:02:26,608 - root - INFO - Requested to load AutoencodingEngine
2024-10-30 19:02:26,609 - root - INFO - Loading 1 new model
2024-10-30 19:02:31,933 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-30 19:05:58,165 - root - INFO - Processing interrupted
2024-10-30 19:05:58,167 - root - INFO - Prompt executed in 268.60 seconds
2024-10-30 19:07:37,766 - root - INFO - got prompt
2024-10-30 19:07:41,232 - root - INFO - Requested to load FluxClipModel_
2024-10-30 19:07:41,233 - root - INFO - Loading 1 new model
2024-10-30 19:07:41,300 - root - INFO - loaded completely 0.0 9319.23095703125 True
2024-10-30 19:07:50,883 - root - WARNING - clip missing: ['text_projection.weight']
2024-10-30 19:07:53,468 - root - INFO - model weight dtype torch.float8_e4m3fn, manual cast: torch.bfloat16
2024-10-30 19:07:53,470 - root - INFO - model_type FLUX
2024-10-30 19:09:35,542 - root - INFO - Requested to load FluxClipModel_
2024-10-30 19:09:35,543 - root - INFO - Loading 1 new model
2024-10-30 19:09:39,348 - root - INFO - Requested to load FluxClipModel_
2024-10-30 19:09:39,348 - root - INFO - Loading 1 new model
2024-10-30 19:09:39,626 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 19:09:39,627 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 19:09:39,629 - root - INFO - Prompt executed in 121.79 seconds
2024-10-30 19:09:40,080 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
2024-10-30 19:13:34,940 - root - INFO - got prompt
2024-10-30 19:13:35,081 - root - ERROR - !!! Exception during processing !!! 'pos_embed.proj.weight'
2024-10-30 19:13:35,082 - root - ERROR - Traceback (most recent call last):
File "F:\Ai\ComfyUI\execution.py", line 323, in execute
output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 198, in get_output_data
return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
File "F:\Ai\ComfyUI\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "F:\Ai\ComfyUI\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "F:\Ai\ComfyUI\nodes.py", line 762, in load_controlnet
controlnet = comfy.controlnet.load_controlnet(controlnet_path)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 654, in load_controlnet
cnet = load_controlnet_state_dict(comfy.utils.load_torch_file(ckpt_path, safe_load=True), model=model, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 565, in load_controlnet_state_dict
return load_controlnet_flux_instantx(controlnet_data, model_options=model_options)
File "F:\Ai\ComfyUI\comfy\controlnet.py", line 471, in load_controlnet_flux_instantx
new_sd = comfy.model_detection.convert_diffusers_mmdit(sd, "")
File "F:\Ai\ComfyUI\comfy\model_detection.py", line 554, in convert_diffusers_mmdit
depth = state_dict["pos_embed.proj.weight"].shape[0] // 64
KeyError: 'pos_embed.proj.weight'
2024-10-30 19:13:35,084 - root - INFO - Prompt executed in 0.07 seconds
2024-10-30 19:13:35,451 - root - WARNING - Failed to get ComfyUI version: Command '['git', 'describe', '--tags']' returned non-zero exit status 128.
Attached Workflow
Please make sure that workflow does not contain any sensitive information such as API keys or passwords.
{"last_node_id":77,"last_link_id":145,"nodes":[{"id":40,"type":"Reroute","pos":{"0":1340,"1":80},"size":[75,26],"flags":{},"order":13,"mode":0,"inputs":[{"name":"","type":"*","link":64}],"outputs":[{"name":"","type":"VAE","links":[65,74],"slot_index":0}],"properties":{"showOutputText":false,"horizontal":false}},{"id":57,"type":"MathExpression|pysssss","pos":{"0":760,"1":1290},"size":{"0":270,"1":116.00003051757812},"flags":{},"order":21,"mode":0,"inputs":[{"name":"a","type":"INT,FLOAT,IMAGE,LATENT","link":92,"shape":7},{"name":"b","type":"INT,FLOAT,IMAGE,LATENT","link":129,"shape":7},{"name":"c","type":"INT,FLOAT,IMAGE,LATENT","link":null,"shape":7}],"outputs":[{"name":"INT","type":"INT","links":[94],"slot_index":0,"shape":3},{"name":"FLOAT","type":"FLOAT","links":null,"shape":3}],"title":"tile height (Math Expression 🐍)","properties":{"Node name for S&R":"MathExpression|pysssss"},"widgets_values":["a * b / 2 + 32"],"color":"#432","bgcolor":"#653"},{"id":58,"type":"MathExpression|pysssss","pos":{"0":760,"1":1460},"size":{"0":270,"1":116.00003051757812},"flags":{},"order":23,"mode":0,"inputs":[{"name":"a","type":"INT,FLOAT,IMAGE,LATENT","link":95,"shape":7},{"name":"b","type":"INT,FLOAT,IMAGE,LATENT","link":130,"shape":7},{"name":"c","type":"INT,FLOAT,IMAGE,LATENT","link":null,"shape":7}],"outputs":[{"name":"INT","type":"INT","links":[97],"slot_index":0,"shape":3},{"name":"FLOAT","type":"FLOAT","links":null,"shape":3}],"title":"tile height (Math Expression 🐍)","properties":{"Node name for S&R":"MathExpression|pysssss"},"widgets_values":["a * b / 2 + 32"],"color":"#432","bgcolor":"#653"},{"id":37,"type":"Reroute","pos":{"0":390,"1":120},"size":[75,26],"flags":{},"order":18,"mode":0,"inputs":[{"name":"","type":"*","link":109,"slot_index":0}],"outputs":[{"name":"","type":"MODEL","links":[],"slot_index":0}],"properties":{"showOutputText":false,"horizontal":false}},{"id":39,"type":"Reroute","pos":{"0":390,"1":24},"size":[75,26],"flags":{},"order":9,"mode":0,"inputs":[{"name":"","type":"*","link":107,"slot_index":0}],"outputs":[{"name":"","type":"VAE","links":[64],"slot_index":0}],"properties":{"showOutputText":false,"horizontal":false}},{"id":44,"type":"Note","pos":{"0":-131,"1":469},"size":{"0":320,"1":130},"flags":{},"order":0,"mode":0,"inputs":[],"outputs":[],"properties":{"text":""},"widgets_values":["https://huggingface.co/Comfy-Org/flux1-dev/blob/main/flux1-dev-fp8.safetensors\n(ComfyUI\\models\\unet)"],"color":"#432","bgcolor":"#653"},{"id":46,"type":"UpscaleModelLoader","pos":{"0":743,"1":1019},"size":{"0":308.4393615722656,"1":58},"flags":{},"order":1,"mode":0,"inputs":[],"outputs":[{"name":"UPSCALE_MODEL","type":"UPSCALE_MODEL","links":[75],"shape":3}],"properties":{"Node name for S&R":"UpscaleModelLoader"},"widgets_values":["4x_NMKD-Siax_200k.pth"]},{"id":54,"type":"Image Comparer (rgthree)","pos":{"0":3779,"1":118},"size":{"0":790,"1":1060},"flags":{},"order":31,"mode":0,"inputs":[{"name":"image_a","type":"IMAGE","link":88,"dir":3},{"name":"image_b","type":"IMAGE","link":89,"dir":3}],"outputs":[],"properties":{"comparer_mode":"Slide"},"widgets_values":[[{"name":"A","selected":true,"url":"/api/view?filename=rgthree.compare._temp_yldcq_00007_.png&type=temp&subfolder=&rand=0.5558233421392496"},{"name":"B","selected":true,"url":"/api/view?filename=rgthree.compare._temp_yldcq_00008_.png&type=temp&subfolder=&rand=0.38892805403373854"}]]},{"id":38,"type":"Reroute","pos":{"0":906,"1":130},"size":[75,26],"flags":{},"order":19,"mode":0,"inputs":[{"name":"","type":"*","link":113}],"outputs":[{"name":"","type":"MODEL","links":[61,71],"slot_index":0}],"properties":{"showOutputText":false,"horizontal":false}},{"id":60,"type":"DualCLIPLoader","pos":{"0":-145,"1":149},"size":{"0":315,"1":106},"flags":{},"order":2,"mode":0,"inputs":[],"outputs":[{"name":"CLIP","type":"CLIP","links":[115,118],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"DualCLIPLoader"},"widgets_values":["t5xxl_fp16.safetensors","clip_l.safetensors","flux"]},{"id":67,"type":"LoraLoader","pos":{"0":-559,"1":339},"size":{"0":364.96356201171875,"1":126},"flags":{},"order":11,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":120},{"name":"clip","type":"CLIP","link":118}],"outputs":[{"name":"MODEL","type":"MODEL","links":[],"slot_index":0,"shape":3},{"name":"CLIP","type":"CLIP","links":[119],"slot_index":1,"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["SameFace_Fix.safetensors",0.8,1],"color":"#416161","bgcolor":"#2d4d4d"},{"id":56,"type":"easy float","pos":{"0":820,"1":1170},"size":{"0":210,"1":60},"flags":{},"order":3,"mode":0,"inputs":[],"outputs":[{"name":"float","type":"FLOAT","links":[91,92,95],"slot_index":0,"shape":3}],"title":"upscale by","properties":{"Node name for S&R":"easy float"},"widgets_values":[2.5]},{"id":6,"type":"CLIPTextEncode","pos":{"0":1605,"1":-380},"size":{"0":473.67828369140625,"1":301.4557800292969},"flags":{},"order":4,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":null,"slot_index":0}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[],"slot_index":0}],"title":"CLIP Text Encode (Positive Prompt)","properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["a smphoto in the golden hour, a large rock in the middle of a grassy field, surrounded by trees and plants with flowers. The sky is visible in the background"],"color":"#232","bgcolor":"#353"},{"id":65,"type":"LoraLoader","pos":{"0":472,"1":-442},"size":{"0":364.96356201171875,"1":126},"flags":{},"order":14,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":117},{"name":"clip","type":"CLIP","link":116}],"outputs":[{"name":"MODEL","type":"MODEL","links":[109,113],"slot_index":0,"shape":3},{"name":"CLIP","type":"CLIP","links":[121],"slot_index":1,"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["alentejo-landv1.safetensors",1.2,1],"color":"#416161","bgcolor":"#2d4d4d"},{"id":8,"type":"VAEDecode","pos":{"0":1172,"1":-12},"size":{"0":210,"1":50},"flags":{},"order":28,"mode":0,"inputs":[{"name":"samples","type":"LATENT","link":52},{"name":"vae","type":"VAE","link":65}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[70,88,123],"slot_index":0}],"properties":{"Node name for S&R":"VAEDecode"},"widgets_values":[]},{"id":69,"type":"PreviewImage","pos":{"0":1480,"1":274},"size":{"0":1006.3896484375,"1":761.59228515625},"flags":{},"order":30,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":123}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":70,"type":"PreviewImage","pos":{"0":2540,"1":273},"size":{"0":973.6587524414062,"1":748.2479858398438},"flags":{},"order":32,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":124}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":74,"type":"VAEEncode","pos":{"0":397.483154296875,"1":689.46240234375},"size":{"0":210,"1":46},"flags":{},"order":17,"mode":0,"inputs":[{"name":"pixels","type":"IMAGE","link":131},{"name":"vae","type":"VAE","link":132}],"outputs":[{"name":"LATENT","type":"LATENT","links":[],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"VAEEncode"},"widgets_values":[]},{"id":61,"type":"VAELoader","pos":{"0":-134,"1":341},"size":{"0":315,"1":58},"flags":{},"order":5,"mode":0,"inputs":[],"outputs":[{"name":"VAE","type":"VAE","links":[107,132,136],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"VAELoader"},"widgets_values":["flux_vae.safetensors"]},{"id":27,"type":"EmptySD3LatentImage","pos":{"0":673,"1":695},"size":{"0":210,"1":100},"flags":{},"order":22,"mode":0,"inputs":[{"name":"width","type":"INT","link":127,"widget":{"name":"width"}},{"name":"height","type":"INT","link":128,"widget":{"name":"height"}}],"outputs":[{"name":"LATENT","type":"LATENT","links":[141],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"EmptySD3LatentImage"},"widgets_values":[1024,1024,1],"color":"#323","bgcolor":"#535"},{"id":33,"type":"CLIPTextEncode","pos":{"0":317,"1":370},"size":{"0":420,"1":160},"flags":{"collapsed":false},"order":15,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":119,"slot_index":0}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[138,143],"slot_index":0}],"title":"CLIP Text Encode (Negative Prompt)","properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["sunset, illustration, paint, deformed circle, 3d, paint, bad architecture."],"color":"#322","bgcolor":"#533"},{"id":35,"type":"FluxGuidance","pos":{"0":795,"1":268},"size":{"0":211.60000610351562,"1":58},"flags":{},"order":26,"mode":0,"inputs":[{"name":"conditioning","type":"CONDITIONING","link":139}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[57],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"FluxGuidance"},"widgets_values":[3.5]},{"id":77,"type":"FluxGuidance","pos":{"0":810,"1":864},"size":{"0":211.60000610351562,"1":58},"flags":{},"order":25,"mode":0,"inputs":[{"name":"conditioning","type":"CONDITIONING","link":144}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[145],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"FluxGuidance"},"widgets_values":[3.5]},{"id":68,"type":"smZ CLIPTextEncode","pos":{"0":327,"1":-6},"size":{"0":400,"1":220},"flags":{},"order":20,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":121}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[137,144],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"smZ CLIPTextEncode"},"widgets_values":["a award winning photography, smarchviz modern wide house designed by smarchviz in a hill, epic landscape, trees with plants, rocks, cozy, golden hour. The sky in the background is filled with white, fluffy clouds, film grain, architecture vertical lines aligned.","A1111",true,true,false,false,6,1024,1024,0,0,1024,1024,"","",1]},{"id":73,"type":"JWImageResizeByLongerSide","pos":{"0":-62,"1":730},"size":{"0":340.20001220703125,"1":82},"flags":{},"order":12,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":125}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[126,131,135],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"JWImageResizeByLongerSide"},"widgets_values":[1350,"bicubic"]},{"id":31,"type":"KSampler","pos":{"0":1118,"1":169},"size":{"0":320,"1":474},"flags":{},"order":27,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":61},{"name":"positive","type":"CONDITIONING","link":57},{"name":"negative","type":"CONDITIONING","link":142},{"name":"latent_image","type":"LATENT","link":141,"slot_index":3}],"outputs":[{"name":"LATENT","type":"LATENT","links":[52],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"KSampler"},"widgets_values":[557147029968221,"randomize",30,1.5,"euler","normal",1]},{"id":59,"type":"UNETLoader","pos":{"0":-207,"1":-64},"size":{"0":426.8481750488281,"1":99.09223937988281},"flags":{},"order":6,"mode":0,"inputs":[],"outputs":[{"name":"MODEL","type":"MODEL","links":[114,120],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"UNETLoader"},"widgets_values":["fluxRealistic_fluxRealisticSamayV2.safetensors","fp8_e4m3fn"]},{"id":71,"type":"LoadImage","pos":{"0":-547,"1":598},"size":{"0":315,"1":314},"flags":{},"order":7,"mode":0,"inputs":[],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[125],"slot_index":0,"shape":3},{"name":"MASK","type":"MASK","links":null,"shape":3}],"properties":{"Node name for S&R":"LoadImage"},"widgets_values":["pasted/image (46).png","image"]},{"id":45,"type":"UltimateSDUpscale","pos":{"0":1119,"1":713},"size":{"0":320,"1":830},"flags":{},"order":29,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":70},{"name":"model","type":"MODEL","link":71},{"name":"positive","type":"CONDITIONING","link":145},{"name":"negative","type":"CONDITIONING","link":143},{"name":"vae","type":"VAE","link":74},{"name":"upscale_model","type":"UPSCALE_MODEL","link":75,"slot_index":5},{"name":"upscale_by","type":"FLOAT","link":91,"slot_index":6,"widget":{"name":"upscale_by"}},{"name":"tile_width","type":"INT","link":94,"widget":{"name":"tile_width"}},{"name":"tile_height","type":"INT","link":97,"widget":{"name":"tile_height"}}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[89,124],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"UltimateSDUpscale"},"widgets_values":[2,1000122408342527,"fixed",20,1,"euler","simple",0.28,"Linear",1024,1024,16,32,"None",0.25,64,16,16,true,false]},{"id":66,"type":"LoraLoader","pos":{"0":47,"1":-442},"size":{"0":364.96356201171875,"1":126},"flags":{},"order":10,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":114},{"name":"clip","type":"CLIP","link":115}],"outputs":[{"name":"MODEL","type":"MODEL","links":[117],"slot_index":0,"shape":3},{"name":"CLIP","type":"CLIP","links":[116],"slot_index":1,"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["smarchviz_flux.safetensors",0.7000000000000001,0.7000000000000001],"color":"#416161","bgcolor":"#2d4d4d"},{"id":75,"type":"ControlNetApplyAdvanced","pos":{"0":376,"1":1192},"size":{"0":226.8000030517578,"1":186},"flags":{},"order":24,"mode":0,"inputs":[{"name":"positive","type":"CONDITIONING","link":137,"label":"positive"},{"name":"negative","type":"CONDITIONING","link":138,"label":"negative"},{"name":"control_net","type":"CONTROL_NET","link":134,"label":"control_net"},{"name":"image","type":"IMAGE","link":135,"label":"image"},{"name":"vae","type":"VAE","link":136,"label":"vae","shape":7}],"outputs":[{"name":"positive","type":"CONDITIONING","links":[139],"slot_index":0,"shape":3,"label":"positive"},{"name":"negative","type":"CONDITIONING","links":[142],"slot_index":1,"shape":3,"label":"negative"}],"properties":{"Node name for S&R":"ControlNetApplyAdvanced"},"widgets_values":[0.3,0,0.7000000000000001]},{"id":72,"type":"GetImageSizeAndCount","pos":{"0":366,"1":983},"size":{"0":210,"1":86},"flags":{},"order":16,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":126}],"outputs":[{"name":"image","type":"IMAGE","links":[],"slot_index":0,"shape":3},{"name":"1302 width","type":"INT","links":[127,129],"slot_index":1,"shape":3},{"name":"1350 height","type":"INT","links":[128,130],"slot_index":2,"shape":3},{"name":"1 count","type":"INT","links":null,"shape":3}],"properties":{"Node name for S&R":"GetImageSizeAndCount"},"widgets_values":[]},{"id":76,"type":"ControlNetLoader","pos":{"0":-91,"1":1190},"size":{"0":429.9089660644531,"1":70.47637939453125},"flags":{"collapsed":false},"order":8,"mode":0,"inputs":[],"outputs":[{"name":"CONTROL_NET","type":"CONTROL_NET","links":[134],"shape":3,"label":"CONTROL_NET"}],"properties":{"Node name for S&R":"ControlNetLoader"},"widgets_values":["Flux_dev_controlnet_upscaler.safetensors"]}],"links":[[52,31,0,8,0,"LATENT"],[57,35,0,31,1,"CONDITIONING"],[61,38,0,31,0,"MODEL"],[64,39,0,40,0,"*"],[65,40,0,8,1,"VAE"],[70,8,0,45,0,"IMAGE"],[71,38,0,45,1,"MODEL"],[74,40,0,45,4,"VAE"],[75,46,0,45,5,"UPSCALE_MODEL"],[88,8,0,54,0,"IMAGE"],[89,45,0,54,1,"IMAGE"],[91,56,0,45,6,"FLOAT"],[92,56,0,57,0,"INT,FLOAT,IMAGE,LATENT"],[94,57,0,45,7,"INT"],[95,56,0,58,0,"INT,FLOAT,IMAGE,LATENT"],[97,58,0,45,8,"INT"],[107,61,0,39,0,"*"],[109,65,0,37,0,"*"],[113,65,0,38,0,"*"],[114,59,0,66,0,"MODEL"],[115,60,0,66,1,"CLIP"],[116,66,1,65,1,"CLIP"],[117,66,0,65,0,"MODEL"],[118,60,0,67,1,"CLIP"],[119,67,1,33,0,"CLIP"],[120,59,0,67,0,"MODEL"],[121,65,1,68,0,"CLIP"],[123,8,0,69,0,"IMAGE"],[124,45,0,70,0,"IMAGE"],[125,71,0,73,0,"IMAGE"],[126,73,0,72,0,"IMAGE"],[127,72,1,27,0,"INT"],[128,72,2,27,1,"INT"],[129,72,1,57,1,"INT,FLOAT,IMAGE,LATENT"],[130,72,2,58,1,"INT,FLOAT,IMAGE,LATENT"],[131,73,0,74,0,"IMAGE"],[132,61,0,74,1,"VAE"],[134,76,0,75,2,"CONTROL_NET"],[135,73,0,75,3,"IMAGE"],[136,61,0,75,4,"VAE"],[137,68,0,75,0,"CONDITIONING"],[138,33,0,75,1,"CONDITIONING"],[139,75,0,35,0,"CONDITIONING"],[141,27,0,31,3,"LATENT"],[142,75,1,31,2,"CONDITIONING"],[143,33,0,45,3,"CONDITIONING"],[144,68,0,77,0,"CONDITIONING"],[145,77,0,45,2,"CONDITIONING"]],"groups":[],"config":{},"extra":{"ds":{"scale":0.8264462809917354,"offset":[257.7303437335683,-463.2743701902339]}},"version":0.4}
Additional Context
(Please add any additional context or steps to reproduce the error here)