Skip to content

[Bug] 2080ti在使用nunchaku节点时,加载Lora会报错 #418

@liyangzhong02

Description

@liyangzhong02

Checklist

Describe the Bug

An error occurs when passing the model to the Nunchaku node.

Environment

Total VRAM 11264 MB, total RAM 32594 MB
pytorch version: 2.5.1+cu124
xformers version: 0.0.28.post3
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 2080 Ti : native

Reproduction Steps

Image

This is a linear workflow. On the far left, a model is loaded. The first call to Ksampler in the middle works correctly. However, during the second call to Ksampler, if I only use the Get_model node without loading a LoRA model, it throws the following error:

Image

`

ComfyUI Error Report

Error Details

  • Node ID: 242
  • Node Type: KSampler
  • Exception Type: RuntimeError
  • Exception Message: CUDA error: invalid configuration argument (at C:\Users\muyangl\actions-runner_work\nunchaku\nunchaku\src\kernels\misc_kernels.cu:281)

Stack Trace

  File "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 361, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 236, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 208, in _map_node_over_list
    process_inputs(input_dict, i)

  File "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 197, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\nodes.py", line 1516, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\nodes.py", line 1483, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\sample.py", line 45, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 1143, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 1033, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 1018, in sample
    output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 986, in outer_sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 969, in inner_sample
    samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 748, in sample
    samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\k_diffusion\sampling.py", line 189, in sample_euler
    denoised = model(x, sigma_hat * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 400, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 949, in __call__
    return self.predict_noise(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 952, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 380, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 206, in calc_cond_batch
    return executor.execute(model, conds, x_in, timestep, model_options)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 325, in _calc_cond_batch
    output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\model_base.py", line 152, in apply_model
    return comfy.patcher_extension.WrapperExecutor.new_class_executor(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\model_base.py", line 190, in _apply_model
    model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI-nunchaku\wrappers\flux.py", line 131, in forward
    model.reset_lora()

  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\nunchaku\models\transformers\transformer_flux.py", line 590, in reset_lora
    self.transformer_blocks[0].m.loadDict(state_dict, True)

System Information

  • ComfyUI Version: 0.3.44
  • Arguments: E:\ComfyUI-aki-v1.6\ComfyUI\main.py --auto-launch --preview-method auto --disable-cuda-malloc
  • 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: false
  • PyTorch Version: 2.5.1+cu124

Devices

  • Name: cuda:0 NVIDIA GeForce RTX 2080 Ti : native
    • Type: cuda
    • VRAM Total: 11810832384
    • VRAM Free: 4131229184
    • Torch VRAM Total: 4406116352
    • Torch VRAM Free: 93163008

Logs

2025-07-30T16:01:57.157657 - 
2025-07-30T16:01:57.157657 - ** ComfyUI-Manager config path:2025-07-30T16:01:57.157657 -  2025-07-30T16:01:57.157657 - E:\ComfyUI-aki-v1.6\ComfyUI\user\default\ComfyUI-Manager\config.ini2025-07-30T16:01:57.157657 - 
2025-07-30T16:01:57.157657 - ** Log path:2025-07-30T16:01:57.157657 -  2025-07-30T16:01:57.157657 - E:\ComfyUI-aki-v1.6\ComfyUI\user\comfyui.log2025-07-30T16:01:57.157657 - 
2025-07-30T16:02:00.727495 - 
Prestartup times for custom nodes:
2025-07-30T16:02:00.728498 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\rgthree-comfy
2025-07-30T16:02:00.728498 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-easy-use
2025-07-30T16:02:00.728498 -    7.1 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-manager
2025-07-30T16:02:00.728498 - 
2025-07-30T16:02:02.063961 - Checkpoint files will always be loaded safely.
2025-07-30T16:02:02.158076 - Total VRAM 11264 MB, total RAM 32594 MB
2025-07-30T16:02:02.158076 - pytorch version: 2.5.1+cu124
2025-07-30T16:02:03.189610 - xformers version: 0.0.28.post3
2025-07-30T16:02:03.189610 - Set vram state to: NORMAL_VRAM
2025-07-30T16:02:03.189610 - Device: cuda:0 NVIDIA GeForce RTX 2080 Ti : native
2025-07-30T16:02:03.425694 - Using xformers attention
2025-07-30T16:02:04.468153 - Python version: 3.11.9 (tags/v3.11.9:de54cf5, Apr  2 2024, 10:12:12) [MSC v.1938 64 bit (AMD64)]
2025-07-30T16:02:04.468153 - ComfyUI version: 0.3.44
2025-07-30T16:02:04.520470 - ComfyUI frontend version: 1.23.4
2025-07-30T16:02:04.521863 - [Prompt Server] web root: E:\ComfyUI-aki-v1.6\python\Lib\site-packages\comfyui_frontend_package\static
2025-07-30T16:02:05.530464 - [AnimateDiffEvo] - �[0;31mERROR�[0m - No motion models found. Please download one and place in: ['E:\\ComfyUI-aki-v1.6\\ComfyUI\\custom_nodes\\comfyui-animatediff-evolved\\models', 'E:\\ComfyUI-aki-v1.6\\ComfyUI\\models\\animatediff_models']
2025-07-30T16:02:05.613076 - NumExpr defaulting to 16 threads.
2025-07-30T16:02:05.763705 - [Crystools �[0;32mINFO�[0m] Crystools version: 1.25.2
2025-07-30T16:02:05.777106 - [Crystools �[0;32mINFO�[0m] Platform release: 10
2025-07-30T16:02:05.777106 - [Crystools �[0;32mINFO�[0m] JETSON: Not detected.
2025-07-30T16:02:05.778106 - [Crystools �[0;32mINFO�[0m] CPU: 12th Gen Intel(R) Core(TM) i5-12600KF - Arch: AMD64 - OS: Windows 10
2025-07-30T16:02:05.785230 - [Crystools �[0;32mINFO�[0m] pynvml (NVIDIA) initialized.
2025-07-30T16:02:05.785230 - [Crystools �[0;32mINFO�[0m] GPU/s:
2025-07-30T16:02:05.797167 - [Crystools �[0;32mINFO�[0m] 0) NVIDIA GeForce RTX 2080 Ti
2025-07-30T16:02:05.797167 - [Crystools �[0;32mINFO�[0m] NVIDIA Driver: 576.80
2025-07-30T16:02:06.800319 - �[34m[ComfyUI-Easy-Use] server: �[0mv1.3.0 �[92mLoaded�[0m2025-07-30T16:02:06.800319 - 
2025-07-30T16:02:06.800319 - �[34m[ComfyUI-Easy-Use] web root: �[0mE:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-easy-use\web_version/v2 �[92mLoaded�[0m2025-07-30T16:02:06.800319 - 
2025-07-30T16:02:06.869969 - ### Loading: ComfyUI-Impact-Pack (V8.15.3)2025-07-30T16:02:06.869969 - 
2025-07-30T16:02:06.881209 - [WARN] ComfyUI-Impact-Pack: custom_wildcards path not found: C:\_a\comfyui-aki-v1.6\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\custom_wildcards. Using default path.2025-07-30T16:02:06.881209 - 
2025-07-30T16:02:06.914853 - [Impact Pack] Wildcards loading done.2025-07-30T16:02:06.914853 - 
2025-07-30T16:02:06.917856 - ### Loading: ComfyUI-Impact-Subpack (V1.3.2)
2025-07-30T16:02:06.919857 - [Impact Pack/Subpack] Using folder_paths to determine whitelist path: E:\ComfyUI-aki-v1.6\ComfyUI\user\default\ComfyUI-Impact-Subpack\model-whitelist.txt
2025-07-30T16:02:06.919857 - [Impact Pack/Subpack] Ensured whitelist directory exists: E:\ComfyUI-aki-v1.6\ComfyUI\user\default\ComfyUI-Impact-Subpack
2025-07-30T16:02:06.919857 - [Impact Pack/Subpack] Loaded 0 model(s) from whitelist: E:\ComfyUI-aki-v1.6\ComfyUI\user\default\ComfyUI-Impact-Subpack\model-whitelist.txt
2025-07-30T16:02:09.239603 - [Impact Subpack] ultralytics_bbox: E:\ComfyUI-aki-v1.6\ComfyUI\models\ultralytics\bbox
2025-07-30T16:02:09.239603 - [Impact Subpack] ultralytics_segm: E:\ComfyUI-aki-v1.6\ComfyUI\models\ultralytics\segm
2025-07-30T16:02:09.242877 - ### Loading: ComfyUI-Inspire-Pack (V1.18)
2025-07-30T16:02:09.295604 - ----------Jake Upgrade Nodes Loaded----------2025-07-30T16:02:09.295604 - 
2025-07-30T16:02:09.463236 - ### Loading: ComfyUI-Manager (V3.32.5)
2025-07-30T16:02:09.464237 - [ComfyUI-Manager] network_mode: public
2025-07-30T16:02:09.573223 - ### ComfyUI Revision: 3645 [c5de4955] *DETACHED | Released on '2025-07-08'
2025-07-30T16:02:09.821565 - ======================================== ComfyUI-nunchaku Initialization ========================================
2025-07-30T16:02:09.825137 - Nunchaku version: 0.3.1
2025-07-30T16:02:09.825641 - ComfyUI-nunchaku version: 0.3.3
2025-07-30T16:02:10.296350 - E:\ComfyUI-aki-v1.6\python\Lib\site-packages\albumentations\check_version.py:107: UserWarning: Error fetching version info <urlopen error [SSL: UNEXPECTED_EOF_WHILE_READING] EOF occurred in violation of protocol (_ssl.c:1006)>
  data = fetch_version_info()
2025-07-30T16:02:10.543146 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/model-list.json
2025-07-30T16:02:10.571013 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/github-stats.json
2025-07-30T16:02:10.609937 - Please 'pip install apex'2025-07-30T16:02:10.609937 - 
2025-07-30T16:02:10.612937 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/extension-node-map.json
2025-07-30T16:02:10.616937 - =================================================================================================================
2025-07-30T16:02:10.657750 - (pysssss:WD14Tagger) [DEBUG] Available ORT providers: TensorrtExecutionProvider, CUDAExecutionProvider, CPUExecutionProvider2025-07-30T16:02:10.657750 - 
2025-07-30T16:02:10.657750 - (pysssss:WD14Tagger) [DEBUG] Using ORT providers: CUDAExecutionProvider, CPUExecutionProvider2025-07-30T16:02:10.657750 - 
2025-07-30T16:02:10.682897 - ------------------------------------------2025-07-30T16:02:10.682897 - 
2025-07-30T16:02:10.682897 - �[34mComfyroll Studio v1.76 : �[92m 175 Nodes Loaded�[0m2025-07-30T16:02:10.682897 - 
2025-07-30T16:02:10.683897 - ------------------------------------------2025-07-30T16:02:10.683897 - 
2025-07-30T16:02:10.683897 - ** For changes, please see patch notes at https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes/blob/main/Patch_Notes.md2025-07-30T16:02:10.683897 - 
2025-07-30T16:02:10.683897 - ** For help, please see the wiki at https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes/wiki2025-07-30T16:02:10.683897 - 
2025-07-30T16:02:10.683897 - ------------------------------------------2025-07-30T16:02:10.683897 - 
2025-07-30T16:02:10.688897 - �[36;20m[E:\ComfyUI-aki-v1_x_6\ComfyUI\custom_nodes\comfyui_controlnet_aux] | INFO -> Using ckpts path: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts�[0m
2025-07-30T16:02:10.688897 - �[36;20m[E:\ComfyUI-aki-v1_x_6\ComfyUI\custom_nodes\comfyui_controlnet_aux] | INFO -> Using symlinks: False�[0m
2025-07-30T16:02:10.688897 - �[36;20m[E:\ComfyUI-aki-v1_x_6\ComfyUI\custom_nodes\comfyui_controlnet_aux] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']�[0m
2025-07-30T16:02:10.706481 - DWPose: Onnxruntime with acceleration providers detected2025-07-30T16:02:10.706481 - 
2025-07-30T16:02:10.954110 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/custom-node-list.json
2025-07-30T16:02:11.077766 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/alter-list.json
2025-07-30T16:02:12.942696 - �[93m[DeepLXTranslateNode] �[94mRunning server DeepLX...�[0m2025-07-30T16:02:12.942696 - 
2025-07-30T16:02:14.945608 - �[93m[DeepLXTranslateNode] �[94mChecking DeepLX server. Attempt 10...�[0m2025-07-30T16:02:14.945608 - 
2025-07-30T16:02:14.962916 - �[93m[DeepLXTranslateNode]�[92m Server responded successfully: �[0m2025-07-30T16:02:14.962916 -  2025-07-30T16:02:14.962916 - {"code":200,"message":"DeepL Free API, Developed by sjlleo and missuo. Go to /translate with POST. http://github.com/OwO-Network/DeepLX"}2025-07-30T16:02:14.962916 - 
2025-07-30T16:02:15.903099 - �[1;35m
### [START] ComfyUI AlekPet Nodes �[1;34mv1.0.70�[0m�[1;35m ###�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> ArgosTranslateNode: �[93mArgosTranslateCLIPTextEncodeNode, ArgosTranslateTextNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> ChatGLMNode: �[93mChatGLM4TranslateCLIPTextEncodeNode, ChatGLM4TranslateTextNode, ChatGLM4InstructNode, ChatGLM4InstructMediaNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> DeepLXTranslateNode: �[93mDeepLXTranslateCLIPTextEncodeNode, DeepLXTranslateTextNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> DeepTranslatorNode: �[93mDeepTranslatorCLIPTextEncodeNode, DeepTranslatorTextNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> ExtrasNode: �[93mPreviewTextNode, HexToHueNode, ColorsCorrectNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> GoogleTranslateNode: �[93mGoogleTranslateCLIPTextEncodeNode, GoogleTranslateTextNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> IDENode: �[93mIDENode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> PainterNode: �[93mPainterNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[92mNode -> PoseNode: �[93mPoseNode�[0m �[92m�[92m[Loading]�[0m�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:15.903099 - �[1;35m### [END] ComfyUI AlekPet Nodes ###�[0m2025-07-30T16:02:15.903099 - 
2025-07-30T16:02:17.567752 - FETCH ComfyRegistry Data: 5/932025-07-30T16:02:17.567752 - 
2025-07-30T16:02:19.014426 - 
�[36mEfficiency Nodes:�[0m Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...�[92mSuccess!�[0m2025-07-30T16:02:19.014426 - 
2025-07-30T16:02:19.427266 - Traceback (most recent call last):
  File "E:\ComfyUI-aki-v1.6\ComfyUI\nodes.py", line 2124, in load_custom_node
    module_spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 936, in exec_module
  File "<frozen importlib._bootstrap_external>", line 1073, in get_code
  File "<frozen importlib._bootstrap_external>", line 1130, in get_data
FileNotFoundError: [Errno 2] No such file or directory: 'E:\\ComfyUI-aki-v1.6\\ComfyUI\\custom_nodes\\img2texture-main\\__init__.py'

2025-07-30T16:02:19.427266 - Cannot import E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\img2texture-main module for custom nodes: [Errno 2] No such file or directory: 'E:\\ComfyUI-aki-v1.6\\ComfyUI\\custom_nodes\\img2texture-main\\__init__.py'
2025-07-30T16:02:21.213148 - �[34mWAS Node Suite: �[0mOpenCV Python FFMPEG support is enabled�[0m2025-07-30T16:02:21.213148 - 
2025-07-30T16:02:21.213148 - �[34mWAS Node Suite �[93mWarning: �[0m`ffmpeg_bin_path` is not set in `E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\pr-was-node-suite-comfyui-47064894\was_suite_config.json` config file. Will attempt to use system ffmpeg binaries if available.�[0m2025-07-30T16:02:21.213148 - 
2025-07-30T16:02:22.799618 - �[34mWAS Node Suite: �[0mFinished.�[0m �[32mLoaded�[0m �[0m220�[0m �[32mnodes successfully.�[0m2025-07-30T16:02:22.800613 - 
2025-07-30T16:02:22.800613 - 
	�[3m�[93m"The distance between insanity and genius is measured only by success."�[0m�[3m - Bruce Feirstein�[0m
2025-07-30T16:02:22.800613 - 
2025-07-30T16:02:23.511380 - 
2025-07-30T16:02:23.511380 - �[92m[rgthree-comfy] Loaded 47 fantastic nodes. 🎉�[0m2025-07-30T16:02:23.511380 - 
2025-07-30T16:02:23.511380 - 
2025-07-30T16:02:24.107568 - FETCH ComfyRegistry Data: 10/932025-07-30T16:02:24.107568 - 
2025-07-30T16:02:25.396066 - �[34mWAS Node Suite: �[0mOpenCV Python FFMPEG support is enabled�[0m2025-07-30T16:02:25.396066 - 
2025-07-30T16:02:25.396066 - �[34mWAS Node Suite �[93mWarning: �[0m`ffmpeg_bin_path` is not set in `E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\was-node-suite-comfyui\was_suite_config.json` config file. Will attempt to use system ffmpeg binaries if available.�[0m2025-07-30T16:02:25.396066 - 
2025-07-30T16:02:27.044023 - �[34mWAS Node Suite: �[0mFinished.�[0m �[32mLoaded�[0m �[0m220�[0m �[32mnodes successfully.�[0m2025-07-30T16:02:27.044023 - 
2025-07-30T16:02:27.045023 - 
	�[3m�[93m"Success is not the key to happiness. Happiness is the key to success."�[0m�[3m - Albert Schweitzer�[0m
2025-07-30T16:02:27.045023 - 
2025-07-30T16:02:27.055383 - 
Import times for custom nodes:
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\websocket_image_save.py
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-get-meta
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-WD14-Tagger
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_segment_anything_plus
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-lama-remover
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\AIGODLIKE-COMFYUI-TRANSLATION
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\masquerade-nodes-comfyui
2025-07-30T16:02:27.055383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_ipadapter_plus
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-layerdiffuse
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\sd-dynamic-thresholding
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-custom-scripts
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_essentials
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-KJNodes
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-advanced-controlnet
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_UltimateSDUpscale
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-jakeupgrade
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-animatediff-evolved
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-VideoHelperSuite
2025-07-30T16:02:27.056383 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-Inspire-Pack
2025-07-30T16:02:27.057382 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_controlnet_aux
2025-07-30T16:02:27.057382 -    0.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-Impact-Pack
2025-07-30T16:02:27.057382 -    0.1 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-HunyuanVideoWrapper
2025-07-30T16:02:27.057382 -    0.1 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\efficiency-nodes-comfyui
2025-07-30T16:02:27.057382 -    0.1 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-logicutils
2025-07-30T16:02:27.057382 -    0.2 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui_segment_anything
2025-07-30T16:02:27.057382 -    0.3 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI-Crystools
2025-07-30T16:02:27.057382 -    0.4 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-manager
2025-07-30T16:02:27.057382 -    0.4 seconds (IMPORT FAILED): E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\img2texture-main
2025-07-30T16:02:27.057382 -    0.7 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\rgthree-comfy
2025-07-30T16:02:27.057382 -    0.8 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI-nunchaku
2025-07-30T16:02:27.057382 -    1.0 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\comfyui-easy-use
2025-07-30T16:02:27.058375 -    2.3 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI-Impact-Subpack
2025-07-30T16:02:27.058375 -    2.8 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI_Segment_Mask
2025-07-30T16:02:27.058375 -    3.4 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\pr-was-node-suite-comfyui-47064894
2025-07-30T16:02:27.058375 -    3.5 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\was-node-suite-comfyui
2025-07-30T16:02:27.058375 -    5.2 seconds: E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI_Custom_Nodes_AlekPet
2025-07-30T16:02:27.058375 - 
2025-07-30T16:02:27.600072 - Context impl SQLiteImpl.
2025-07-30T16:02:27.600072 - Will assume non-transactional DDL.
2025-07-30T16:02:27.601218 - No target revision found.
2025-07-30T16:02:27.644991 - Starting server

2025-07-30T16:02:27.645989 - To see the GUI go to: http://127.0.0.1:8188
2025-07-30T16:02:30.805450 - FETCH ComfyRegistry Data: 15/932025-07-30T16:02:30.805450 - 
2025-07-30T16:02:38.272492 - FETCH ComfyRegistry Data: 20/932025-07-30T16:02:38.272492 - 
2025-07-30T16:02:45.505207 - FETCH ComfyRegistry Data: 25/932025-07-30T16:02:45.505207 - 
2025-07-30T16:02:52.300590 - FETCH ComfyRegistry Data: 30/932025-07-30T16:02:52.300590 - 
2025-07-30T16:03:00.081611 - FETCH ComfyRegistry Data: 35/932025-07-30T16:03:00.082132 - 
2025-07-30T16:03:07.320103 - FETCH ComfyRegistry Data: 40/932025-07-30T16:03:07.320103 - 
2025-07-30T16:03:14.332492 - FETCH ComfyRegistry Data: 45/932025-07-30T16:03:14.332492 - 
2025-07-30T16:03:21.327636 - FETCH ComfyRegistry Data: 50/932025-07-30T16:03:21.327636 - 
2025-07-30T16:03:27.784082 - FETCH ComfyRegistry Data: 55/932025-07-30T16:03:27.784082 - 
2025-07-30T16:03:34.070458 - FETCH ComfyRegistry Data: 60/932025-07-30T16:03:34.070458 - 
2025-07-30T16:03:40.486937 - FETCH ComfyRegistry Data: 65/932025-07-30T16:03:40.486937 - 
2025-07-30T16:03:48.343469 - FETCH ComfyRegistry Data: 70/932025-07-30T16:03:48.343469 - 
2025-07-30T16:03:55.371343 - FETCH ComfyRegistry Data: 75/932025-07-30T16:03:55.379371 - 
2025-07-30T16:04:02.883305 - FETCH ComfyRegistry Data: 80/932025-07-30T16:04:02.883305 - 
2025-07-30T16:04:10.115017 - FETCH ComfyRegistry Data: 85/932025-07-30T16:04:10.115017 - 
2025-07-30T16:04:18.603235 - FETCH ComfyRegistry Data: 90/932025-07-30T16:04:18.603235 - 
2025-07-30T16:04:22.627319 - FETCH ComfyRegistry Data [DONE]2025-07-30T16:04:22.627319 - 
2025-07-30T16:04:22.866081 - [ComfyUI-Manager] default cache updated: https://api.comfy.org/nodes
2025-07-30T16:04:22.926324 - FETCH DATA from: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/custom-node-list.json2025-07-30T16:04:22.926324 - 2025-07-30T16:04:24.028082 -  [DONE]2025-07-30T16:04:24.028082 - 
2025-07-30T16:04:24.114785 - [ComfyUI-Manager] All startup tasks have been completed.
2025-07-30T16:04:47.537580 - got prompt
2025-07-30T16:04:47.606307 - Using xformers attention in VAE
2025-07-30T16:04:47.607318 - Using xformers attention in VAE
2025-07-30T16:04:47.729299 - VAE load device: cuda:0, offload device: cpu, dtype: torch.float32
2025-07-30T16:04:47.997979 - Requested to load AutoencodingEngine
2025-07-30T16:04:48.123861 - loaded completely 2483.865234375 319.7467155456543 True
2025-07-30T16:04:49.435386 - CLIP/text encoder model load device: cuda:0, offload device: cpu, current: cpu, dtype: torch.float16
2025-07-30T16:04:49.510857 - clip missing: ['text_projection.weight']
2025-07-30T16:04:51.286255 - Requested to load FluxClipModel_
2025-07-30T16:04:52.528462 - loaded completely 8340.30244140625 4777.53759765625 True
2025-07-30T16:04:52.940776 - GPU 0 (NVIDIA GeForce RTX 2080 Ti) Memory: 11263.6875 MiB2025-07-30T16:04:52.940776 - 
2025-07-30T16:04:52.940776 - Enable CPU offload2025-07-30T16:04:52.940776 - 
2025-07-30T16:04:53.949110 - Injecting quantized module2025-07-30T16:04:53.949110 - 
2025-07-30T16:04:54.027329 - model_type FLUX
2025-07-30T16:04:54.082849 - Requested to load Flux
2025-07-30T16:04:54.085841 - loaded completely 1512.9192968750003 122.3087158203125 True
2025-07-30T16:04:57.240715 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:04:57.241710 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:00.893442 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:00.893442 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:03.417051 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:03.417051 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:06.055108 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:06.055108 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:06.116144 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:06.116144 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:08.370883 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:08.371883 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:08.435906 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:08.435906 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:08.500941 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:08.500941 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.731739 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.732740 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.811841 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.812840 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.890850 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.890850 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.968238 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:10.968238 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:13.307962 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:13.308961 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:13.374932 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:13.374932 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:13.440832 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:13.440832 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:15.435390 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:15.435390 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:15.505291 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:15.505291 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:17.841546 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:17.842670 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:17.897167 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:17.897167 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:19.935120 - Passing `txt_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:19.935120 - Passing `img_ids` 3d torch.Tensor is deprecated.Please remove the batch dimension and pass it as a 2d torch Tensor
2025-07-30T16:05:23.431676 - 0 models unloaded.
2025-07-30T16:05:24.513584 - 0 models unloaded.
2025-07-30T16:05:24.964926 - Requested to load FluxClipModel_
2025-07-30T16:05:26.283107 - loaded completely 6061.06416015625 4777.53759765625 True
2025-07-30T16:05:26.668644 - Requested to load Flux
2025-07-30T16:05:27.043828 - loaded completely 1516.5252539062503 122.3087158203125 True
2025-07-30T16:05:27.121625 - !!! Exception during processing !!! CUDA error: invalid configuration argument (at C:\Users\muyangl\actions-runner\_work\nunchaku\nunchaku\src\kernels\misc_kernels.cu:281)
2025-07-30T16:05:27.128071 - Traceback (most recent call last):
  File "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 361, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 236, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 208, in _map_node_over_list
    process_inputs(input_dict, i)
  File "E:\ComfyUI-aki-v1.6\ComfyUI\execution.py", line 197, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\nodes.py", line 1516, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\nodes.py", line 1483, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\sample.py", line 45, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 1143, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 1033, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 1018, in sample
    output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 986, in outer_sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 969, in inner_sample
    samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 748, in sample
    samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\k_diffusion\sampling.py", line 189, in sample_euler
    denoised = model(x, sigma_hat * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 400, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 949, in __call__
    return self.predict_noise(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 952, 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 "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 380, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 206, in calc_cond_batch
    return executor.execute(model, conds, x_in, timestep, model_options)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\samplers.py", line 325, in _calc_cond_batch
    output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\model_base.py", line 152, in apply_model
    return comfy.patcher_extension.WrapperExecutor.new_class_executor(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\patcher_extension.py", line 111, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\comfy\model_base.py", line 190, in _apply_model
    model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "E:\ComfyUI-aki-v1.6\ComfyUI\custom_nodes\ComfyUI-nunchaku\wrappers\flux.py", line 131, in forward
    model.reset_lora()
  File "E:\ComfyUI-aki-v1.6\python\Lib\site-packages\nunchaku\models\transformers\transformer_flux.py", line 590, in reset_lora
    self.transformer_blocks[0].m.loadDict(state_dict, True)
RuntimeError: CUDA error: invalid configuration argument (at C:\Users\muyangl\actions-runner\_work\nunchaku\nunchaku\src\kernels\misc_kernels.cu:281)

2025-07-30T16:05:27.133042 - Prompt executed in 39.58 seconds

Attached Workflow

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

Workflow too large. Please manually upload the workflow from local file system.

Additional Context

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

Image

However, if I change the input to be Get_model + LoRA, it runs correctly.

Image

I've tried loading a new model node, but the error persists:

Image

I've also tried loading a new node with a new LoRA and setting its weight to 0, but the issue remains:

Image

Metadata

Metadata

Assignees

No one assigned

    Labels

    Type

    No type

    Projects

    No projects

    Milestone

    No milestone

    Relationships

    None yet

    Development

    No branches or pull requests

    Issue actions