ComfyUI icon indicating copy to clipboard operation
ComfyUI copied to clipboard

Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)

Open Gingerstache opened this issue 1 year ago • 2 comments

Your question

Hey there, I have been trying for about two weeks now to figure out how to fix this issue and I honestly have no idea what else I can do.

I keep receiving this error from the Ksampler at random times after it finishes a generation. I've tried to add the extra argument to reserve ram. I've tried removing xformers. I've tried a complete reinstall, still I receive this error.

I'd love any assistance to try to fix the issue, thank you for your time.

Logs

# ComfyUI Error Report
## Error Details
- **Node Type:** KSamplerAdvanced
- **Exception Type:** RuntimeError
- **Exception Message:** Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)
## Stack Trace

  File "D:\Flux\SwarmUI\dlbackend\comfy\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 "D:\Flux\SwarmUI\dlbackend\comfy\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 "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\nodes.py", line 1471, in sample
    return common_ksampler(model, noise_seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise, disable_noise=disable_noise, start_step=start_at_step, last_step=end_at_step, force_full_denoise=force_full_denoise)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\nodes.py", line 1404, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 22, in informative_sample
    raise e

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 832, in sample
    return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 732, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 719, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 698, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 603, in sample
    samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\k_diffusion\sampling.py", line 155, in sample_euler
    denoised = model(x, sigma_hat * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 685, in __call__
    return self.predict_noise(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 688, in predict_noise
    return sampling_function(self.inner_model, x, timestep, self.conds.get("negative", None), self.conds.get("positive", None), self.cfg, model_options=model_options, seed=seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\controlnet.py", line 259, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\ldm\flux\controlnet.py", line 205, in forward
    return self.forward_orig(img, img_ids, hint, context, txt_ids, timesteps, y, guidance, control_type=kwargs.get("control_type", []))
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\ldm\flux\controlnet.py", line 127, in forward_orig
    img = self.img_in(img)
          ^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\ops.py", line 70, in forward
    return super().forward(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward
    return F.linear(input, self.weight, self.bias)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

System Information

  • ComfyUI Version: v0.2.4-2-g915fdb5
  • Arguments: ComfyUI\main.py --use-pytorch-cross-attention --bf16-vae --preview-method auto --reserve-vram 1.0 --port 7821 --extra-model-paths-config D:\Flux\SwarmUI\Data/comfy-auto-model.yaml --preview-method latent2rgb --front-end-version Comfy-Org/[email protected]
  • OS: nt
  • Python Version: 3.11.9 (tags/v3.11.9:de54cf5, Apr 2 2024, 10:12:12) [MSC v.1938 64 bit (AMD64)]
  • Embedded Python: true
  • PyTorch Version: 2.5.0+cu121

Devices

  • Name: cuda:0 NVIDIA GeForce RTX 3060 : cudaMallocAsync
    • Type: cuda
    • VRAM Total: 12884377600
    • VRAM Free: 11708932096
    • Torch VRAM Total: 100663296
    • Torch VRAM Free: 66592768

Logs

2024-10-22 21:51:52,875 - root - INFO - Total VRAM 12288 MB, total RAM 32633 MB
2024-10-22 21:51:52,876 - root - INFO - pytorch version: 2.5.0+cu121
2024-10-22 21:51:52,877 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-22 21:51:52,877 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 3060 : cudaMallocAsync
2024-10-22 21:52:18,478 - root - INFO - Using pytorch cross attention
2024-10-22 21:52:48,606 - root - INFO - Using existing copy of specific frontend version tag: Comfy-Org/[email protected]
2024-10-22 21:52:48,607 - root - INFO - [Prompt Server] web root: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\web_custom_versions\Comfy-Org_ComfyUI_frontend\1.2.47
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path checkpoints D:\Flux\SwarmUI\Models\Stable-Diffusion
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path vae D:\Flux\SwarmUI\Models\VAE
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path loras D:\Flux\SwarmUI\Models\Lora
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path loras D:\Flux\SwarmUI\Models\LyCORIS
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path upscale_models D:\Flux\SwarmUI\Models\ESRGAN
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path upscale_models D:\Flux\SwarmUI\Models\RealESRGAN
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path upscale_models D:\Flux\SwarmUI\Models\SwinIR
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path upscale_models D:\Flux\SwarmUI\Models\upscale-models
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path upscale_models D:\Flux\SwarmUI\Models\upscale_models
2024-10-22 21:52:48,609 - root - INFO - Adding extra search path embeddings D:\Flux\SwarmUI\Models\Embeddings
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path hypernetworks D:\Flux\SwarmUI\Models\hypernetworks
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path controlnet D:\Flux\SwarmUI\Models\controlnet
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path clip D:\Flux\SwarmUI\Models\clip
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path clip_vision D:\Flux\SwarmUI\Models\clip_vision
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path custom_nodes D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\DLNodes
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path custom_nodes D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\ExtraNodes
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path unet D:\Flux\SwarmUI\Models\unet
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path diffusion_models D:\Flux\SwarmUI\Models\diffusion_models
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path gligen D:\Flux\SwarmUI\Models\gligen
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path ipadapter D:\Flux\SwarmUI\Models\ipadapter
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path yolov8 D:\Flux\SwarmUI\Models\yolov8
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path tensorrt D:\Flux\SwarmUI\Models\tensorrt
2024-10-22 21:52:48,610 - root - INFO - Adding extra search path clipseg D:\Flux\SwarmUI\Models\clipseg
2024-10-22 21:53:36,740 - root - INFO - Total VRAM 12288 MB, total RAM 32633 MB
2024-10-22 21:53:36,740 - root - INFO - pytorch version: 2.5.0+cu121
2024-10-22 21:53:36,740 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-22 21:53:36,740 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 3060 : cudaMallocAsync
2024-10-22 21:54:10,823 - ComfyUI-CogVideoXWrapper.custom_cogvideox_transformer_3d - INFO - sageattn not found, using sdpa
2024-10-22 21:54:11,281 - ComfyUI-CogVideoXWrapper.cogvideox_fun.transformer_3d - INFO - sageattn not found, using sdpa
2024-10-22 21:54:11,315 - ComfyUI-CogVideoXWrapper.cogvideox_fun.fun_pab_transformer_3d - INFO - sageattn not found, using sdpa
2024-10-22 21:54:30,872 - root - WARNING - Traceback (most recent call last):
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\nodes.py", line 2001, in load_custom_node
    module_spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 940, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-OllamaGemini\__init__.py", line 21, in <module>
    from .GeminiOllamaNode import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-OllamaGemini\GeminiOllamaNode.py", line 15, in <module>
    from .prompt_styler import *
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-OllamaGemini\prompt_styler.py", line 39, in <module>
    styler_data = StylerData()
                  ^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-OllamaGemini\prompt_styler.py", line 24, in __init__
    content = json.load(f)
              ^^^^^^^^^^^^
  File "json\__init__.py", line 293, in load
  File "encodings\cp1252.py", line 23, in decode
UnicodeDecodeError: 'charmap' codec can't decode byte 0x8d in position 128141: character maps to <undefined>

2024-10-22 21:54:30,872 - root - WARNING - Cannot import D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-OllamaGemini module for custom nodes: 'charmap' codec can't decode byte 0x8d in position 128141: character maps to <undefined>
2024-10-22 21:54:57,485 - root - INFO - 
Import times for custom nodes:
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfyui_controlnet_aux
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\SDXLMixSampler.py
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\websocket_image_save.py
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\LatentByRatio.py
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\rembg-comfyui-node
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\DLNodes\ComfyUI-SAI_API
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\cg-use-everywhere
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Universal-Styler
2024-10-22 21:54:57,485 - root - INFO -    0.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_JPS-Nodes
2024-10-22 21:54:57,485 - root - INFO -    0.1 seconds: D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\DLNodes\sd-dynamic-thresholding
2024-10-22 21:54:57,485 - root - INFO -    0.1 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\mikey_nodes
2024-10-22 21:54:57,485 - root - INFO -    0.1 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\wlsh_nodes
2024-10-22 21:54:57,486 - root - INFO -    0.1 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-UX-Nodes
2024-10-22 21:54:57,486 - root - INFO -    0.1 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Lora-Auto-Trigger-Words
2024-10-22 21:54:57,486 - root - INFO -    0.1 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-enricos-nodes
2024-10-22 21:54:57,486 - root - INFO -    0.2 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_essentials
2024-10-22 21:54:57,486 - root - INFO -    0.2 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfyui-various
2024-10-22 21:54:57,486 - root - INFO -    0.3 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-KJNodes
2024-10-22 21:54:57,486 - root - INFO -    0.3 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-GGUF
2024-10-22 21:54:57,486 - root - INFO -    0.3 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\OneButtonPrompt
2024-10-22 21:54:57,486 - root - INFO -    0.3 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Chibi-Nodes
2024-10-22 21:54:57,486 - root - INFO -    0.3 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
2024-10-22 21:54:57,486 - root - INFO -    0.4 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2
2024-10-22 21:54:57,486 - root - INFO -    0.4 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
2024-10-22 21:54:57,486 - root - INFO -    0.4 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
2024-10-22 21:54:57,486 - root - INFO -    0.5 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Frame-Interpolation
2024-10-22 21:54:57,486 - root - INFO -    0.6 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Inspire-Pack
2024-10-22 21:54:57,486 - root - INFO -    0.7 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\rgthree-comfy
2024-10-22 21:54:57,486 - root - INFO -    0.9 seconds: D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\DLNodes\ComfyUI_bitsandbytes_NF4
2024-10-22 21:54:57,486 - root - INFO -    0.9 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Manager
2024-10-22 21:54:57,486 - root - INFO -    1.1 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2024-10-22 21:54:57,486 - root - INFO -    1.2 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper
2024-10-22 21:54:57,486 - root - INFO -    1.3 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-FluxTrainer
2024-10-22 21:54:57,486 - root - INFO -    1.3 seconds: D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\ExtraNodes\SwarmComfyCommon
2024-10-22 21:54:57,486 - root - INFO -    1.4 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfyui-dream-project
2024-10-22 21:54:57,486 - root - INFO -    2.2 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfy_mtb
2024-10-22 21:54:57,486 - root - INFO -    2.8 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\was-node-suite-comfyui
2024-10-22 21:54:57,486 - root - INFO -    5.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfyui-dynamicprompts
2024-10-22 21:54:57,486 - root - INFO -    5.8 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfyui-art-venture
2024-10-22 21:54:57,486 - root - INFO -    5.9 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\comfyui-tensorops
2024-10-22 21:54:57,486 - root - INFO -    6.8 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_FizzNodes
2024-10-22 21:54:57,486 - root - INFO -    7.5 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Inspyrenet-Rembg
2024-10-22 21:54:57,487 - root - INFO -    7.5 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Easy-Use
2024-10-22 21:54:57,487 - root - INFO -    8.4 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
2024-10-22 21:54:57,487 - root - INFO -    8.8 seconds (IMPORT FAILED): D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-OllamaGemini
2024-10-22 21:54:57,487 - root - INFO -   13.7 seconds: D:\Flux\SwarmUI\src\BuiltinExtensions\ComfyUIBackend\ExtraNodes\SwarmComfyExtra
2024-10-22 21:54:57,487 - root - INFO -   19.0 seconds: D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI_LayerStyle
2024-10-22 21:54:57,487 - root - INFO - 
2024-10-22 21:54:57,498 - root - INFO - Starting server

2024-10-22 21:54:57,498 - root - INFO - To see the GUI go to: http://127.0.0.1:7821
2024-10-22 21:55:00,917 - root - ERROR - [ERROR] An error occurred while retrieving information for the 'Florence2ModelLoader' node.
2024-10-22 21:55:00,951 - root - ERROR - Traceback (most recent call last):
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 564, in get_object_info
    out[x] = node_info(x)
             ^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 531, in node_info
    info['input'] = obj_class.INPUT_TYPES()
                    ^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in INPUT_TYPES
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in <listcomp>
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "pathlib.py", line 931, in iterdir
FileNotFoundError: [WinError 3] The system cannot find the path specified: 'D:\\Flux\\SwarmUI\\dlbackend\\comfy\\ComfyUI\\models\\LLM'

2024-10-22 21:55:04,531 - root - ERROR - [ERROR] An error occurred while retrieving information for the 'Florence2ModelLoader' node.
2024-10-22 21:55:04,532 - root - ERROR - Traceback (most recent call last):
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 564, in get_object_info
    out[x] = node_info(x)
             ^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 531, in node_info
    info['input'] = obj_class.INPUT_TYPES()
                    ^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in INPUT_TYPES
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in <listcomp>
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "pathlib.py", line 931, in iterdir
FileNotFoundError: [WinError 3] The system cannot find the path specified: 'D:\\Flux\\SwarmUI\\dlbackend\\comfy\\ComfyUI\\models\\LLM'

2024-10-22 21:55:09,512 - root - ERROR - [ERROR] An error occurred while retrieving information for the 'Florence2ModelLoader' node.
2024-10-22 21:55:09,512 - root - ERROR - Traceback (most recent call last):
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 564, in get_object_info
    out[x] = node_info(x)
             ^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 531, in node_info
    info['input'] = obj_class.INPUT_TYPES()
                    ^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in INPUT_TYPES
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in <listcomp>
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "pathlib.py", line 931, in iterdir
FileNotFoundError: [WinError 3] The system cannot find the path specified: 'D:\\Flux\\SwarmUI\\dlbackend\\comfy\\ComfyUI\\models\\LLM'

2024-10-22 21:55:16,578 - root - ERROR - [ERROR] An error occurred while retrieving information for the 'Florence2ModelLoader' node.
2024-10-22 21:55:16,578 - root - ERROR - Traceback (most recent call last):
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 564, in get_object_info
    out[x] = node_info(x)
             ^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\server.py", line 531, in node_info
    info['input'] = obj_class.INPUT_TYPES()
                    ^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in INPUT_TYPES
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Florence2\nodes.py", line 148, in <listcomp>
    "model": ([item.name for item in Path(folder_paths.models_dir, "LLM").iterdir() if item.is_dir()], {"tooltip": "models are expected to be in Comfyui/models/LLM folder"}),
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "pathlib.py", line 931, in iterdir
FileNotFoundError: [WinError 3] The system cannot find the path specified: 'D:\\Flux\\SwarmUI\\dlbackend\\comfy\\ComfyUI\\models\\LLM'

2024-10-22 21:59:49,682 - root - INFO - got prompt
2024-10-22 21:59:50,436 - root - INFO - Using pytorch attention in VAE
2024-10-22 21:59:50,437 - root - INFO - Using pytorch attention in VAE
2024-10-22 22:01:48,880 - root - INFO - model weight dtype torch.bfloat16, manual cast: None
2024-10-22 22:01:49,027 - root - INFO - model_type FLUX
2024-10-22 22:01:55,587 - root - INFO - Requested to load FluxClipModel_
2024-10-22 22:01:55,587 - root - INFO - Loading 1 new model
2024-10-22 22:02:19,970 - root - INFO - loaded completely 0.0 2997.55810546875 True
2024-10-22 22:05:14,506 - root - INFO - Requested to load Flux
2024-10-22 22:05:14,506 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:05:14,506 - root - INFO - Loading 2 new models
2024-10-22 22:06:15,874 - root - INFO - loaded completely 0.0 7187.695556640625 True
2024-10-22 22:06:16,311 - root - INFO - loaded partially 2060.061145050049 2059.48828125 0
2024-10-22 22:06:16,749 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:06:16,749 - root - INFO - Loading 1 new model
2024-10-22 22:06:17,460 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:06:19,047 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:06:19,047 - root - INFO - Loading 1 new model
2024-10-22 22:06:19,589 - root - INFO - loaded partially 2933.5117919921877 2931.146484375 0
2024-10-22 22:08:15,053 - root - INFO - Unloading models for lowram load.
2024-10-22 22:08:15,112 - root - INFO - 0 models unloaded.
2024-10-22 22:08:15,117 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:08:15,117 - root - INFO - Loading 1 new model
2024-10-22 22:08:15,870 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:09:55,133 - root - INFO - loaded completely 9239.83195803833 7187.695556640625 True
2024-10-22 22:09:55,404 - root - INFO - loaded partially 2052.061145050049 2049.0 0
2024-10-22 22:09:55,409 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:09:55,409 - root - INFO - Loading 1 new model
2024-10-22 22:09:55,897 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:09:56,354 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:09:56,355 - root - INFO - Loading 1 new model
2024-10-22 22:09:56,844 - root - INFO - loaded partially 2916.6016357421877 2913.140625 0
2024-10-22 22:11:32,965 - root - INFO - Unloading models for lowram load.
2024-10-22 22:11:32,990 - root - INFO - 0 models unloaded.
2024-10-22 22:11:32,995 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:11:32,995 - root - INFO - Loading 1 new model
2024-10-22 22:11:33,598 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:13:12,913 - root - INFO - loaded completely 9239.83195803833 7187.695556640625 True
2024-10-22 22:13:13,322 - root - INFO - loaded partially 2052.061145050049 2049.0 0
2024-10-22 22:13:13,331 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:13:13,331 - root - INFO - Loading 1 new model
2024-10-22 22:13:13,994 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:13:14,442 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:13:14,442 - root - INFO - Loading 1 new model
2024-10-22 22:13:14,962 - root - INFO - loaded partially 2916.6016357421877 2913.140625 0
2024-10-22 22:14:51,214 - root - INFO - Unloading models for lowram load.
2024-10-22 22:14:51,239 - root - INFO - 0 models unloaded.
2024-10-22 22:14:51,244 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:14:51,244 - root - INFO - Loading 1 new model
2024-10-22 22:14:51,936 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:16:30,982 - root - INFO - loaded completely 9239.83195803833 7187.695556640625 True
2024-10-22 22:16:31,391 - root - INFO - loaded partially 2052.061145050049 2049.0 0
2024-10-22 22:16:31,397 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:16:31,397 - root - INFO - Loading 1 new model
2024-10-22 22:16:32,048 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:16:32,500 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:16:32,500 - root - INFO - Loading 1 new model
2024-10-22 22:16:33,030 - root - INFO - loaded partially 2916.6016357421877 2913.140625 0
2024-10-22 22:18:08,973 - root - INFO - Unloading models for lowram load.
2024-10-22 22:18:08,999 - root - INFO - 0 models unloaded.
2024-10-22 22:18:09,004 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:18:09,004 - root - INFO - Loading 1 new model
2024-10-22 22:18:09,586 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:19:48,729 - root - INFO - loaded completely 9239.83195803833 7187.695556640625 True
2024-10-22 22:19:49,130 - root - INFO - loaded partially 2052.061145050049 2049.0 0
2024-10-22 22:19:49,136 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:19:49,136 - root - INFO - Loading 1 new model
2024-10-22 22:19:49,777 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:19:50,228 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:19:50,228 - root - INFO - Loading 1 new model
2024-10-22 22:19:50,742 - root - INFO - loaded partially 2899.6914794921877 2899.623046875 0
2024-10-22 22:21:26,889 - root - INFO - Unloading models for lowram load.
2024-10-22 22:21:26,909 - root - INFO - 0 models unloaded.
2024-10-22 22:21:26,914 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:21:26,914 - root - INFO - Loading 1 new model
2024-10-22 22:21:27,508 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:23:06,514 - root - INFO - loaded completely 9239.83195803833 7187.695556640625 True
2024-10-22 22:23:06,921 - root - INFO - loaded partially 2052.061145050049 2049.0 0
2024-10-22 22:23:06,929 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:23:06,929 - root - INFO - Loading 1 new model
2024-10-22 22:23:07,578 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:23:08,027 - root - INFO - Requested to load ControlNetFlux
2024-10-22 22:23:08,027 - root - INFO - Loading 1 new model
2024-10-22 22:23:08,561 - root - INFO - loaded partially 2916.6016357421877 2913.140625 0
2024-10-22 22:24:44,611 - root - INFO - Unloading models for lowram load.
2024-10-22 22:24:44,634 - root - INFO - 0 models unloaded.
2024-10-22 22:24:44,638 - root - INFO - Requested to load AutoencodingEngine
2024-10-22 22:24:44,638 - root - INFO - Loading 1 new model
2024-10-22 22:24:45,210 - root - INFO - loaded completely 0.0 159.87335777282715 True
2024-10-22 22:24:46,882 - root - ERROR - !!! Exception during processing !!! Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)
2024-10-22 22:24:47,133 - root - ERROR - Traceback (most recent call last):
  File "D:\Flux\SwarmUI\dlbackend\comfy\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 "D:\Flux\SwarmUI\dlbackend\comfy\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 "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\nodes.py", line 1471, in sample
    return common_ksampler(model, noise_seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise, disable_noise=disable_noise, start_step=start_at_step, last_step=end_at_step, force_full_denoise=force_full_denoise)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\nodes.py", line 1404, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 22, in informative_sample
    raise e
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 832, in sample
    return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 732, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 719, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 698, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 603, in sample
    samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\k_diffusion\sampling.py", line 155, in sample_euler
    denoised = model(x, sigma_hat * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 685, in __call__
    return self.predict_noise(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 688, in predict_noise
    return sampling_function(self.inner_model, x, timestep, self.conds.get("negative", None), self.conds.get("positive", None), self.cfg, model_options=model_options, seed=seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\controlnet.py", line 259, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\ldm\flux\controlnet.py", line 205, in forward
    return self.forward_orig(img, img_ids, hint, context, txt_ids, timesteps, y, guidance, control_type=kwargs.get("control_type", []))
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\ldm\flux\controlnet.py", line 127, in forward_orig
    img = self.img_in(img)
          ^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\ComfyUI\comfy\ops.py", line 70, in forward
    return super().forward(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "D:\Flux\SwarmUI\dlbackend\comfy\python_embeded\Lib\site-packages\torch\nn\modules\linear.py", line 125, in forward
    return F.linear(input, self.weight, self.bias)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
RuntimeError: Expected all tensors to be on the same device, but found at least two devices, cpu and cuda:0! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)

2024-10-22 22:24:47,156 - root - INFO - Prompt executed in 1497.45 seconds

Attached Workflow

Please make sure that workflow does not contain any sensitive information such as API keys or passwords.

{"last_node_id":335,"last_link_id":1015,"nodes":[{"id":153,"type":"Reroute","pos":{"0":2710,"1":1270},"size":[75,26],"flags":{},"order":10,"mode":0,"inputs":[{"name":"","type":"*","link":303}],"outputs":[{"name":"","type":"BBOX_DETECTOR","links":[],"slot_index":0}],"properties":{"showOutputText":false,"horizontal":false}},{"id":97,"type":"FromBasicPipe_v2","pos":{"0":1697,"1":1276},"size":{"0":267,"1":126},"flags":{"collapsed":true},"order":25,"mode":0,"inputs":[{"name":"basic_pipe","type":"BASIC_PIPE","link":149}],"outputs":[{"name":"basic_pipe","type":"BASIC_PIPE","links":[154],"slot_index":0,"shape":3},{"name":"model","type":"MODEL","links":[414],"slot_index":1,"shape":3},{"name":"clip","type":"CLIP","links":null,"slot_index":2,"shape":3},{"name":"vae","type":"VAE","links":[417],"slot_index":3,"shape":3},{"name":"positive","type":"CONDITIONING","links":[415],"slot_index":4,"shape":3},{"name":"negative","type":"CONDITIONING","links":[416],"slot_index":5,"shape":3}],"properties":{"Node name for S&R":"FromBasicPipe_v2"}},{"id":98,"type":"FromBasicPipe_v2","pos":{"0":2152,"1":1270},"size":{"0":267,"1":126},"flags":{"collapsed":true},"order":27,"mode":0,"inputs":[{"name":"basic_pipe","type":"BASIC_PIPE","link":154}],"outputs":[{"name":"basic_pipe","type":"BASIC_PIPE","links":[],"slot_index":0,"shape":3},{"name":"model","type":"MODEL","links":[699],"slot_index":1,"shape":3},{"name":"clip","type":"CLIP","links":[700],"slot_index":2,"shape":3},{"name":"vae","type":"VAE","links":[157],"slot_index":3,"shape":3},{"name":"positive","type":"CONDITIONING","links":[685],"slot_index":4,"shape":3},{"name":"negative","type":"CONDITIONING","links":[159],"slot_index":5,"shape":3}],"properties":{"Node name for S&R":"FromBasicPipe_v2"}},{"id":230,"type":"LoadImage","pos":{"0":-18,"1":1477},"size":{"0":315,"1":314},"flags":{},"order":0,"mode":0,"inputs":[],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[709],"slot_index":0,"shape":3},{"name":"MASK","type":"MASK","links":null,"shape":3}],"properties":{"Node name for S&R":"LoadImage"},"widgets_values":["dontdeletetrysmall4 (1).png","image"]},{"id":240,"type":"LoraLoader","pos":{"0":413,"1":1111},"size":{"0":315,"1":126},"flags":{},"order":18,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":1009},{"name":"clip","type":"CLIP","link":1012}],"outputs":[{"name":"MODEL","type":"MODEL","links":[736],"slot_index":0,"shape":3},{"name":"CLIP","type":"CLIP","links":[737],"slot_index":1,"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["aidmaHyperRealism-FLUX-V0.2.safetensors",1,1]},{"id":9,"type":"SaveImage","pos":{"0":3502,"1":560},"size":{"0":469.2010192871094,"1":520.0765991210938},"flags":{},"order":36,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":726}],"outputs":[],"properties":{"Node name for S&R":"SaveImage"},"widgets_values":["ComfyUI"]},{"id":18,"type":"UltralyticsDetectorProvider","pos":{"0":2983,"1":606},"size":{"0":315,"1":78},"flags":{},"order":1,"mode":0,"inputs":[],"outputs":[{"name":"BBOX_DETECTOR","type":"BBOX_DETECTOR","links":[23,303],"slot_index":0,"shape":3},{"name":"SEGM_DETECTOR","type":"SEGM_DETECTOR","links":null,"slot_index":1,"shape":3}],"properties":{"Node name for S&R":"UltralyticsDetectorProvider"},"widgets_values":["bbox/face_yolov8m.pt"]},{"id":288,"type":"ImageCASharpening+","pos":{"0":3015,"1":196},"size":{"0":466.1999816894531,"1":58},"flags":{},"order":33,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":800}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[962],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"ImageCASharpening+"},"widgets_values":[0.25]},{"id":209,"type":"CLIPTextEncodeWithWeight //Inspire","pos":{"0":188,"1":387},"size":{"0":428.4000244140625,"1":200},"flags":{},"order":17,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":1011},{"name":"text","type":"STRING","link":446,"widget":{"name":"text"}}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[714,722],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CLIPTextEncodeWithWeight //Inspire"},"widgets_values":["",1,0]},{"id":272,"type":"ControlNetApplySD3","pos":{"0":870,"1":249},"size":{"0":315,"1":186},"flags":{},"order":22,"mode":0,"inputs":[{"name":"positive","type":"CONDITIONING","link":833},{"name":"negative","type":"CONDITIONING","link":714},{"name":"control_net","type":"CONTROL_NET","link":710},{"name":"vae","type":"VAE","link":719},{"name":"image","type":"IMAGE","link":712}],"outputs":[{"name":"positive","type":"CONDITIONING","links":[880],"slot_index":0,"shape":3},{"name":"negative","type":"CONDITIONING","links":[881],"slot_index":1,"shape":3}],"properties":{"Node name for S&R":"ControlNetApplySD3"},"widgets_values":[0.5,0,1]},{"id":277,"type":"Load Lora","pos":{"0":761,"1":1111},"size":{"0":315,"1":146},"flags":{},"order":20,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":736},{"name":"clip","type":"CLIP","link":737}],"outputs":[{"name":"MODEL","type":"MODEL","links":[746],"slot_index":0,"shape":3},{"name":"CLIP","type":"CLIP","links":[747],"slot_index":1,"shape":3},{"name":"NAME_STRING","type":"STRING","links":null,"shape":3}],"properties":{"Node name for S&R":"Load Lora"},"widgets_values":["flux_pro_detailer.safetensors",0.8,1]},{"id":207,"type":"UnzipPrompt //Inspire","pos":{"0":-459,"1":-33},"size":{"0":279.5999755859375,"1":66},"flags":{},"order":11,"mode":0,"inputs":[{"name":"zipped_prompt","type":"ZIPPED_PROMPT","link":445}],"outputs":[{"name":"positive","type":"STRING","links":[447],"slot_index":0,"shape":3},{"name":"negative","type":"STRING","links":[446],"slot_index":1,"shape":3},{"name":"name","type":"STRING","links":null,"shape":3}],"properties":{"Node name for S&R":"UnzipPrompt //Inspire"}},{"id":273,"type":"ControlNetLoader","pos":{"0":452,"1":1375},"size":{"0":315,"1":58},"flags":{},"order":2,"mode":0,"inputs":[],"outputs":[{"name":"CONTROL_NET","type":"CONTROL_NET","links":[710],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"ControlNetLoader"},"widgets_values":["Flux\\Flux_Dev_ControlNet_Union_Pro.safetensors"]},{"id":300,"type":"FluxGuidance","pos":{"0":419,"1":197},"size":{"0":317.4000244140625,"1":58},"flags":{},"order":21,"mode":0,"inputs":[{"name":"conditioning","type":"CONDITIONING","link":832}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[833,834],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"FluxGuidance"},"widgets_values":[3.5]},{"id":208,"type":"CLIPTextEncodeWithWeight //Inspire","pos":{"0":-101,"1":-54},"size":{"0":428.4000244140625,"1":200},"flags":{},"order":19,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":1013},{"name":"text","type":"STRING","link":447,"widget":{"name":"text"}}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[832],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CLIPTextEncodeWithWeight //Inspire"},"widgets_values":["",1,0]},{"id":83,"type":"UpscaleModelLoader","pos":{"0":2140,"1":128},"size":{"0":315,"1":58},"flags":{},"order":3,"mode":0,"inputs":[],"outputs":[{"name":"UPSCALE_MODEL","type":"UPSCALE_MODEL","links":[418],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"UpscaleModelLoader"},"widgets_values":["ESRGAN_4x.pth"]},{"id":206,"type":"LoadPromptsFromFile //Inspire","pos":{"0":-817,"1":-40},"size":{"0":268.79998779296875,"1":82},"flags":{},"order":4,"mode":0,"inputs":[{"name":"text_data_opt","type":"STRING","link":null,"widget":{"name":"text_data_opt"}}],"outputs":[{"name":"ZIPPED_PROMPT","type":"ZIPPED_PROMPT","links":[445],"slot_index":0,"shape":6}],"properties":{"Node name for S&R":"LoadPromptsFromFile //Inspire"},"widgets_values":["example\\IFL 100outof1000 original.txt","",false]},{"id":270,"type":"AIO_Preprocessor","pos":{"0":451,"1":1536},"size":{"0":315,"1":82},"flags":{},"order":9,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":709}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[711,712],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"AIO_Preprocessor"},"widgets_values":["OpenposePreprocessor",768]},{"id":274,"type":"PreviewImage","pos":{"0":942,"1":1534},"size":{"0":210,"1":246},"flags":{},"order":13,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":711}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"}},{"id":228,"type":"VAELoader","pos":{"0":489,"1":692},"size":{"0":315,"1":58},"flags":{},"order":5,"mode":0,"inputs":[],"outputs":[{"name":"VAE","type":"VAE","links":[489,490,719],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"VAELoader"},"widgets_values":["ae.safetensors"]},{"id":223,"type":"PreviewImage","pos":{"0":2273,"1":-564},"size":{"0":937.5042724609375,"1":585.6238403320312},"flags":{},"order":32,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":486}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"}},{"id":327,"type":"easy cleanGpuUsed","pos":{"0":3558,"1":194},"size":{"0":210,"1":26},"flags":{},"order":34,"mode":0,"inputs":[{"name":"anything","type":"*","link":962}],"outputs":[{"name":"output","type":"*","links":[963],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"easy cleanGpuUsed"}},{"id":275,"type":"InspyrenetRembg","pos":{"0":3792,"1":376},"size":{"0":315,"1":78},"flags":{},"order":35,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":963}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[726],"slot_index":0,"shape":3},{"name":"MASK","type":"MASK","links":null,"shape":3}],"properties":{"Node name for S&R":"InspyrenetRembg"},"widgets_values":["default"]},{"id":95,"type":"ToBasicPipe","pos":{"0":1316,"1":1278},"size":{"0":241.79998779296875,"1":106},"flags":{"collapsed":true},"order":23,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":746},{"name":"clip","type":"CLIP","link":747},{"name":"vae","type":"VAE","link":490},{"name":"positive","type":"CONDITIONING","link":834},{"name":"negative","type":"CONDITIONING","link":722}],"outputs":[{"name":"basic_pipe","type":"BASIC_PIPE","links":[149],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"ToBasicPipe"}},{"id":174,"type":"EmptyLatentImage","pos":{"0":500,"1":-272},"size":{"0":313.67279052734375,"1":175.30015563964844},"flags":{"collapsed":false},"order":6,"mode":0,"inputs":[],"outputs":[{"name":"LATENT","type":"LATENT","links":[869],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"EmptyLatentImage"},"widgets_values":[1344,768,1]},{"id":186,"type":"UltimateSDUpscale","pos":{"0":2037,"1":258},"size":{"0":315,"1":826},"flags":{"collapsed":false},"order":30,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":1015},{"name":"model","type":"MODEL","link":414},{"name":"positive","type":"CONDITIONING","link":415},{"name":"negative","type":"CONDITIONING","link":416},{"name":"vae","type":"VAE","link":417},{"name":"upscale_model","type":"UPSCALE_MODEL","link":418}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[947],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"UltimateSDUpscale"},"widgets_values":[2,856785695161375,"fixed",6,1,"euler","normal",0.25,"Linear",1024,1024,8,32,"None",1,64,8,16,true,false]},{"id":14,"type":"FaceDetailer","pos":{"0":2572,"1":171},"size":{"0":346,"1":1120},"flags":{},"order":31,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":947},{"name":"model","type":"MODEL","link":699},{"name":"clip","type":"CLIP","link":700},{"name":"vae","type":"VAE","link":157},{"name":"positive","type":"CONDITIONING","link":685},{"name":"negative","type":"CONDITIONING","link":159},{"name":"bbox_detector","type":"BBOX_DETECTOR","link":23},{"name":"sam_model_opt","type":"SAM_MODEL","link":null},{"name":"segm_detector_opt","type":"SEGM_DETECTOR","link":null},{"name":"detailer_hook","type":"DETAILER_HOOK","link":null},{"name":"scheduler_func_opt","type":"SCHEDULER_FUNC","link":null}],"outputs":[{"name":"image","type":"IMAGE","links":[486,800],"slot_index":0,"shape":3},{"name":"cropped_refined","type":"IMAGE","links":[],"slot_index":1,"shape":6},{"name":"cropped_enhanced_alpha","type":"IMAGE","links":null,"shape":6},{"name":"mask","type":"MASK","links":null,"shape":3},{"name":"detailer_pipe","type":"DETAILER_PIPE","links":null,"shape":3},{"name":"cnet_images","type":"IMAGE","links":null,"shape":6}],"properties":{"Node name for S&R":"FaceDetailer"},"widgets_values":[1024,true,1024,856785695161375,"fixed",4,1,"euler","normal",0.15,5,false,false,0.5,10,3,"center-1",0,0.93,0,0.7,"False",10,"",1,false,20]},{"id":312,"type":"KSamplerAdvanced","pos":{"0":871,"1":-400},"size":{"0":315,"1":546},"flags":{},"order":24,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":1010},{"name":"positive","type":"CONDITIONING","link":880},{"name":"negative","type":"CONDITIONING","link":881},{"name":"latent_image","type":"LATENT","link":869}],"outputs":[{"name":"LATENT","type":"LATENT","links":[910],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"KSamplerAdvanced"},"widgets_values":["enable",856785695161375,"fixed",10,1,"euler","beta",0,10,"disable"]},{"id":84,"type":"PreviewImage","pos":{"0":1270,"1":-550},"size":{"0":961.4497680664062,"1":592.8471069335938},"flags":{},"order":28,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":480}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"}},{"id":227,"type":"DualCLIPLoaderGGUF","pos":{"0":-1785,"1":549},"size":{"0":315,"1":106},"flags":{},"order":7,"mode":0,"inputs":[],"outputs":[{"name":"CLIP","type":"CLIP","links":[992],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"DualCLIPLoaderGGUF"},"widgets_values":["t5-v1_1-xxl-encoder-Q4_K_M.gguf","clip_l.safetensors","flux"]},{"id":226,"type":"UnetLoaderGGUF","pos":{"0":-1746,"1":286},"size":{"0":315,"1":58},"flags":{},"order":8,"mode":0,"inputs":[],"outputs":[{"name":"MODEL","type":"MODEL","links":[991],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"UnetLoaderGGUF"},"widgets_values":["flux-hyp8-Q4_1.gguf"]},{"id":330,"type":"LoraLoader","pos":{"0":-1424,"1":408},"size":{"0":315,"1":126},"flags":{},"order":12,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":991},{"name":"clip","type":"CLIP","link":992}],"outputs":[{"name":"MODEL","type":"MODEL","links":[993],"shape":3},{"name":"CLIP","type":"CLIP","links":[994],"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["MyNewFantasy.safetensors",1,1]},{"id":332,"type":"LoraLoader","pos":{"0":-1090,"1":408},"size":{"0":315,"1":126},"flags":{},"order":14,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":993},{"name":"clip","type":"CLIP","link":994}],"outputs":[{"name":"MODEL","type":"MODEL","links":[1000],"shape":3},{"name":"CLIP","type":"CLIP","links":[1001],"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["fantasy3.safetensors",0.5,1]},{"id":333,"type":"LoraLoader","pos":{"0":-758,"1":408},"size":{"0":315,"1":126},"flags":{},"order":15,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":1000},{"name":"clip","type":"CLIP","link":1001}],"outputs":[{"name":"MODEL","type":"MODEL","links":[1007],"shape":3},{"name":"CLIP","type":"CLIP","links":[1008],"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["DnDDarkestFantasy.safetensors",0.5,1]},{"id":334,"type":"LoraLoader","pos":{"0":-431,"1":408},"size":{"0":315,"1":126},"flags":{},"order":16,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":1007},{"name":"clip","type":"CLIP","link":1008}],"outputs":[{"name":"MODEL","type":"MODEL","links":[1009,1010],"shape":3},{"name":"CLIP","type":"CLIP","links":[1011,1012,1013],"shape":3}],"properties":{"Node name for S&R":"LoraLoader"},"widgets_values":["MysticFantasy.safetensors",0.25,1]},{"id":185,"type":"VAEDecode","pos":{"0":1289,"1":308},"size":{"0":210,"1":46},"flags":{},"order":26,"mode":0,"inputs":[{"name":"samples","type":"LATENT","link":910},{"name":"vae","type":"VAE","link":489}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[480,1014],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"VAEDecode"}},{"id":335,"type":"ImageCASharpening+","pos":{"0":1549,"1":163},"size":{"0":466.1999816894531,"1":58},"flags":{},"order":29,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":1014}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[1015],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"ImageCASharpening+"},"widgets_values":[0.25]}],"links":[[23,18,0,14,6,"BBOX_DETECTOR"],[149,95,0,97,0,"BASIC_PIPE"],[154,97,0,98,0,"BASIC_PIPE"],[157,98,3,14,3,"VAE"],[159,98,5,14,5,"CONDITIONING"],[303,18,0,153,0,"*"],[414,97,1,186,1,"MODEL"],[415,97,4,186,2,"CONDITIONING"],[416,97,5,186,3,"CONDITIONING"],[417,97,3,186,4,"VAE"],[418,83,0,186,5,"UPSCALE_MODEL"],[445,206,0,207,0,"ZIPPED_PROMPT"],[446,207,1,209,1,"STRING"],[447,207,0,208,1,"STRING"],[480,185,0,84,0,"IMAGE"],[486,14,0,223,0,"IMAGE"],[489,228,0,185,1,"VAE"],[490,228,0,95,2,"VAE"],[685,98,4,14,4,"CONDITIONING"],[699,98,1,14,1,"MODEL"],[700,98,2,14,2,"CLIP"],[709,230,0,270,0,"IMAGE"],[710,273,0,272,2,"CONTROL_NET"],[711,270,0,274,0,"IMAGE"],[712,270,0,272,4,"IMAGE"],[714,209,0,272,1,"CONDITIONING"],[719,228,0,272,3,"VAE"],[722,209,0,95,4,"CONDITIONING"],[726,275,0,9,0,"IMAGE"],[736,240,0,277,0,"MODEL"],[737,240,1,277,1,"CLIP"],[746,277,0,95,0,"MODEL"],[747,277,1,95,1,"CLIP"],[800,14,0,288,0,"IMAGE"],[832,208,0,300,0,"CONDITIONING"],[833,300,0,272,0,"CONDITIONING"],[834,300,0,95,3,"CONDITIONING"],[869,174,0,312,3,"LATENT"],[880,272,0,312,1,"CONDITIONING"],[881,272,1,312,2,"CONDITIONING"],[910,312,0,185,0,"LATENT"],[947,186,0,14,0,"IMAGE"],[962,288,0,327,0,"*"],[963,327,0,275,0,"IMAGE"],[991,226,0,330,0,"MODEL"],[992,227,0,330,1,"CLIP"],[993,330,0,332,0,"MODEL"],[994,330,1,332,1,"CLIP"],[1000,332,0,333,0,"MODEL"],[1001,332,1,333,1,"CLIP"],[1007,333,0,334,0,"MODEL"],[1008,333,1,334,1,"CLIP"],[1009,334,0,240,0,"MODEL"],[1010,334,0,312,0,"MODEL"],[1011,334,1,209,0,"CLIP"],[1012,334,1,240,1,"CLIP"],[1013,334,1,208,0,"CLIP"],[1014,185,0,335,0,"IMAGE"],[1015,335,0,186,0,"IMAGE"]],"groups":[{"title":"CHARACTER GENERATION","bounding":[73,-601,1894,1241],"color":"#3f789e","font_size":24,"flags":{}},{"title":"UPSCALE + FACE FIX","bounding":[1969,-601,1282,1711],"color":"#b58b2a","font_size":24,"flags":{}}],"config":{},"extra":{"ds":{"scale":0.9849732675808024,"offset":[976.0895780974924,544.7568478065201]}},"version":0.4}

Additional Context

(Please add any additional context or steps to reproduce the error here)



### Other

I'm happy to provide whatever information I can to assist, please just let me know. I'll try to check this regularly.

My workflow is currently a massive mess and for some reason slow af, so my apologies, but here it is:

[workflow (8).json](https://github.com/user-attachments/files/17491871/workflow.8.json)

Gingerstache avatar Oct 23 '24 13:10 Gingerstache

Could it be that GGUF model is not compatible with Controlnet Union? Have you tried with the Unet model instead?

LukeG89 avatar Oct 23 '24 13:10 LukeG89

Could it be that GGUF model is not compatible with Controlnet Union? Have you tried with the Unet model instead?

Thanks so much for the comment! I'm looking into loading a Unet model now, will test and get back to you, thank you!

Gingerstache avatar Oct 23 '24 14:10 Gingerstache

Could it be that GGUF model is not compatible with Controlnet Union? Have you tried with the Unet model instead?

I actually think that may have been the issue, thank you!

Gingerstache avatar Oct 26 '24 02:10 Gingerstache

This issue is being marked stale because it has not had any activity for 30 days. Reply below within 7 days if your issue still isn't solved, and it will be left open. Otherwise, the issue will be closed automatically.

github-actions[bot] avatar Nov 25 '24 11:11 github-actions[bot]

the same problem.. :.

"VAEDecode Expected all tensors to be on the same device, but found at least two devices, cuda:0 and cpu! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)" ... have you any fix?

ABIA2024 avatar Jan 03 '25 09:01 ABIA2024

Se pourrait-il que le modèle GGUF ne soit pas compatible avec Controlnet Union ? Avez-vous essayé avec le modèle Unet à la place ?

En fait, je pense que c’était peut-être le problème, merci !

OK mais peux tu nous dire donc quels noeuds tu as choisi pour réparer le probleme?

ABIA2024 avatar Jan 03 '25 09:01 ABIA2024

It is still not working.

2025-01-14 17:24:18 INFO text_encoder is not needed for training. deleting to save memory. train_network.py:1107 INFO unet dtype: torch.float8_e4m3fn, device: cuda:0 train_network.py:1124 Epoch 1/500 - steps: 0%| | 0/2000 [00:00<?, ?it/s]2025-01-14 17:24:20 ERROR !!! Exception during processing !!! Expected all tensors to be on the same execution.py:392 device, but found at least two devices, cpu and cuda:0! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)

Cyl0nius avatar Jan 14 '25 10:01 Cyl0nius

It is still not working.

2025-01-14 17:24:18 INFO text_encoder is not needed for training. deleting to save memory. train_network.py:1107 INFO unet dtype: torch.float8_e4m3fn, device: cuda:0 train_network.py:1124 Epoch 1/500 - steps: 0%| | 0/2000 [00:00<?, ?it/s]2025-01-14 17:24:20 ERROR !!! Exception during processing !!! Expected all tensors to be on the same execution.py:392 device, but found at least two devices, cpu and cuda:0! (when checking argument for argument mat1 in method wrapper_CUDA_addmm)

Your issue seems to originate from the custom node that provides the training functionality. Please move this issue to the relevant repository along with the workflow.

ltdrdata avatar Jan 15 '25 22:01 ltdrdata

我也遇到了相同的问题

worldline233 avatar Jan 20 '25 10:01 worldline233

似乎是因为CLIP模型(text_encoder)加载的原因,在我重新加载另一个模型后,再加载回原本的模型,报错消失了,供参考。t5xxl_flan_latest-fp8_e4m3fn我用的这个。

song001sam avatar Jan 29 '25 18:01 song001sam

blocks_to_swap = 0 (node "Init Flux LoRA Training") Resolve my problem.

NAV329b avatar Mar 12 '25 08:03 NAV329b

blocks_to_swap = 0 (node "Init Flux LoRA Training") Resolve my problem.

I had the same issue and this solved my problem too. What is blocks_to_swap ?

gabrielfougeron avatar Mar 18 '25 20:03 gabrielfougeron

blocks_to_swap = 0 (node "Init Flux LoRA Training") Resolve my problem.

You're right!!! I even tried to ask for GTP for a code, but never help me. I can't belive the method just under my eyes...

yqdiqyue avatar Apr 12 '25 21:04 yqdiqyue

where can i fux blocks_to_swap?

DuoBinary404 avatar May 20 '25 21:05 DuoBinary404