ComfyUI icon indicating copy to clipboard operation
ComfyUI copied to clipboard

I just updated COMFY UI today 9 - 12 - 2025 and now i get this error on Ksampler advanced for wan 2.2

Open LIQUIDMIND111 opened this issue 3 months ago • 46 comments

ComfyUI Error Report

Error Details

  • Node ID: 383
  • Node Type: KSamplerAdvanced
  • Exception Type: TypeError
  • Exception Message: BaseLoaderKJ._patch_modules..attention_sage() got an unexpected keyword argument 'transformer_options'

Stack Trace

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 496, in execute
    output_data, output_ui, has_subgraph, has_pending_tasks = await get_output_data(prompt_id, unique_id, obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb, hidden_inputs=hidden_inputs)
                                                              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 315, in get_output_data
    return_values = await _async_map_node_over_list(prompt_id, unique_id, obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb, hidden_inputs=hidden_inputs)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 289, in _async_map_node_over_list
    await process_inputs(input_dict, i)

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 277, in process_inputs
    result = f(**inputs)
             ^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1555, 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 "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1488, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\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_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1161, 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_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1051, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1036, in sample
    output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1004, in outer_sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 987, in inner_sample
    samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 759, 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_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME/ComfyUI_windows_portable/ComfyUI\comfy\k_diffusion\sampling.py", line 796, in sample_dpmpp_2m
    denoised = model(x, sigmas[i] * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 408, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 960, in __call__
    return self.outer_predict_noise(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 967, in outer_predict_noise
    ).execute(x, timestep, model_options, seed)
      ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 970, 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_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 388, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 206, in calc_cond_batch
    return _calc_cond_batch_outer(model, conds, x_in, timestep, model_options)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 214, in _calc_cond_batch_outer
    return executor.execute(model, conds, x_in, timestep, model_options)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 333, in _calc_cond_batch
    output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 158, in apply_model
    return comfy.patcher_extension.WrapperExecutor.new_class_executor(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 113, in execute
    return self.wrappers[self.idx](self, *args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy_api\torch_helpers\torch_compile.py", line 26, in apply_torch_compile_wrapper
    return executor(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 105, in __call__
    return new_executor.execute(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 197, in _apply_model
    model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 604, in forward
    return comfy.patcher_extension.WrapperExecutor.new_class_executor(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute
    return self.original(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 624, in _forward
    return self.forward_orig(x, timestep, context, clip_fea=clip_fea, freqs=freqs, transformer_options=transformer_options, **kwargs)[:, :, :t, :h, :w]
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 569, in forward_orig
    x = block(x, e=e0, freqs=freqs, context=context, context_img_len=context_img_len, transformer_options=transformer_options)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\_dynamo\eval_frame.py", line 655, in _fn
    return fn(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 227, in forward
    y = self.self_attn(
        ^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 70, in forward
    q, k, v = qkv_fn(x)

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 73, in torch_dynamo_resume_in_forward_at_70
    x = optimized_attention(
        ^^^^^^^^^^^^^^^^^^^^

  File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\_dynamo\eval_frame.py", line 838, in _fn
    return fn(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^

LIQUIDMIND111 avatar Sep 13 '25 04:09 LIQUIDMIND111

2025-09-13T00:51:32.920734 - !!! Exception during processing !!! BaseLoaderKJ._patch_modules..attention_sage() got an unexpected keyword argument 'transformer_options' 2025-09-13T00:51:32.924510 - Traceback (most recent call last): File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 496, in execute output_data, output_ui, has_subgraph, has_pending_tasks = await get_output_data(prompt_id, unique_id, obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb, hidden_inputs=hidden_inputs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 315, in get_output_data return_values = await _async_map_node_over_list(prompt_id, unique_id, obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb, hidden_inputs=hidden_inputs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 289, in _async_map_node_over_list await process_inputs(input_dict, i) File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\execution.py", line 277, in process_inputs result = f(**inputs) ^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1555, 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 "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1488, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\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_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1161, 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_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1051, in sample return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1036, in sample output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute return self.original(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1004, in outer_sample output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 987, in inner_sample samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute return self.original(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 759, 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_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils_contextlib.py", line 116, in decorate_context return func(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME/ComfyUI_windows_portable/ComfyUI\comfy\k_diffusion\sampling.py", line 796, in sample_dpmpp_2m denoised = model(x, sigmas[i] * s_in, **extra_args) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 408, in call out = self.inner_model(x, sigma, model_options=model_options, seed=seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 960, in call return self.outer_predict_noise(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 967, in outer_predict_noise ).execute(x, timestep, model_options, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute return self.original(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 970, 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_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 388, in sampling_function out = calc_cond_batch(model, conds, x, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 206, in calc_cond_batch return _calc_cond_batch_outer(model, conds, x_in, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 214, in _calc_cond_batch_outer return executor.execute(model, conds, x_in, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute return self.original(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 333, in calc_cond_batch output = model.apply_model(input_x, timestep, **c).chunk(batch_chunks) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 158, in apply_model return comfy.patcher_extension.WrapperExecutor.new_class_executor( ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 113, in execute return self.wrappers[self.idx](self, *args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy_api\torch_helpers\torch_compile.py", line 26, in apply_torch_compile_wrapper return executor(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 105, in call return new_executor.execute(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute return self.original(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 197, in _apply_model model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float() ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl return self._call_impl(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl return forward_call(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 604, in forward return comfy.patcher_extension.WrapperExecutor.new_class_executor( ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 112, in execute return self.original(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 624, in _forward return self.forward_orig(x, timestep, context, clip_fea=clip_fea, freqs=freqs, transformer_options=transformer_options, **kwargs)[:, :, :t, :h, :w] ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 569, in forward_orig x = block(x, e=e0, freqs=freqs, context=context, context_img_len=context_img_len, transformer_options=transformer_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl return self._call_impl(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl return forward_call(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch_dynamo\eval_frame.py", line 655, in _fn return fn(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl return self._call_impl(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl return forward_call(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 227, in forward y = self.self_attn( ^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl return self._call_impl(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl return forward_call(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 70, in forward q, k, v = qkv_fn(x) File "E:\ComfyUI_NVME\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 73, in torch_dynamo_resume_in_forward_at_70 x = optimized_attention( ^^^^^^^^^^^^^^^^^^^^ File "E:\ComfyUI_NVME\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch_dynamo\eval_frame.py", line 838, in _fn return fn(*args, **kwargs) ^^^^^^^^^^^^^^^^^^^ TypeError: BaseLoaderKJ._patch_modules..attention_sage() got an unexpected keyword argument 'transformer_options'

2025-09-13T00:51:32.929525 - Prompt executed in 70.24 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.

LIQUIDMIND111 avatar Sep 13 '25 04:09 LIQUIDMIND111

System Information

  • ComfyUI Version: 0.3.59
  • Arguments: ComfyUI\main.py --windows-standalone-build --disable-xformers
  • OS: nt
  • Python Version: 3.12.9 (tags/v3.12.9:fdb8142, Feb 4 2025, 15:27:58) [MSC v.1942 64 bit (AMD64)]
  • Embedded Python: true
  • PyTorch Version: 2.7.0+cu128

Devices

LIQUIDMIND111 avatar Sep 13 '25 04:09 LIQUIDMIND111

Or please let me just roll back..... how?

LIQUIDMIND111 avatar Sep 13 '25 04:09 LIQUIDMIND111

i got this, but which version should i get of sage then??

I've analyzed the error log and performed a search for the error message. The issue you're facing, specifically the "unexpected keyword argument 'transformer_options'", is a known compatibility problem that often occurs after updating ComfyUI while using certain custom nodes or attention mechanisms like SageAttention.

The error arises because your recently updated ComfyUI core now passes a new argument, transformer_options, to the attention function. However, your currently installed version of Sage Attention is an older version that doesn't recognize this new argument, causing the TypeError.

How to Fix the Issue The solution is to update or reinstall Sage Attention to a version that is compatible with your updated ComfyUI. Since you're using a portable ComfyUI installation, the best way to do this is to manually install the correct Sage Attention package.

Remove the old version:

Open your portable ComfyUI's command prompt.

Run the following command to remove the outdated Sage Attention package:

Bash

.\python_embeded\python.exe -m pip uninstall sageattention When prompted, type y to confirm.

Install a compatible version:

You need to find a version of Sage Attention that was released after the ComfyUI update that introduced the transformer_options argument.

Use a command similar to the ones we've discussed before, which points to a specific, up-to-date wheel file.

For example, it might look like this:

Bash

.\python_embeded\python.exe -m pip install https://github.com/woct0rdho/SageAttention/releases/download/v2.1.2-windows/sageattention-2.1.2+cu126torch2.6.0-cp310-cp310-win_amd64.whl (Note: The version number, v2.1.2 for example, is a placeholder. You'll need to find the latest available version.)

This should resolve the keyword argument error and allow Sage Attention to work correctly with your new ComfyUI version.

LIQUIDMIND111 avatar Sep 13 '25 05:09 LIQUIDMIND111

I encountered the exact same error and reverted to v0.3.58. I'm not sure what caused it, but I hope a new version will be usable again soon.

kamS-utra avatar Sep 13 '25 11:09 kamS-utra

Yes, I was able to revert to September 4 For backup branch Now I have no issues

But I learned that is something with the Sage attention and maybe it’s just to update to a new version

"It was from the Mind of GOD, the Universe was created."

    • -- --- -)( ((---IMAGINATION IS CREATION---)) )(- --- -- - - - -- -- --- -)( ((---liquid[)(]mind---)) )(- --- -- -- -

On Sat, Sep 13, 2025 at 7:03 AM kamS-utra @.***> wrote:

kamS-utra left a comment (comfyanonymous/ComfyUI#9841) https://github.com/comfyanonymous/ComfyUI/issues/9841#issuecomment-3288100387

I encountered the exact same error and reverted to v0.3.58. I'm not sure what caused it, but I hope a new version will be usable again soon.

— Reply to this email directly, view it on GitHub https://github.com/comfyanonymous/ComfyUI/issues/9841#issuecomment-3288100387, or unsubscribe https://github.com/notifications/unsubscribe-auth/A22MJBBH2VO7Z2CYDHYUEXL3SP2WPAVCNFSM6AAAAACGMXOUO2VHI2DSMVQWIX3LMV43OSLTON2WKQ3PNVWWK3TUHMZTEOBYGEYDAMZYG4 . You are receiving this because you authored the thread.Message ID: @.***>

LIQUIDMIND111 avatar Sep 13 '25 11:09 LIQUIDMIND111

+1

sipie800 avatar Sep 13 '25 13:09 sipie800

+1

kanarch66 avatar Sep 13 '25 15:09 kanarch66

+1

Skuuurt avatar Sep 13 '25 23:09 Skuuurt

not only wan 2.2, use kj patch sageattention node with any diffusion model will lead to this, basically sageattention is gone now.

sipie800 avatar Sep 14 '25 01:09 sipie800

not only wan 2.2, use kj patch sageattention node with any diffusion model will lead to this, basically sageattention is gone now.

i cant use the official nag nodes because of "unexpected keyword argument 'transformer_options'" error the problem still persist in other nodes

brahianrosswill avatar Sep 14 '25 01:09 brahianrosswill

I initially couldn't find any posts about this and I just updated bios and Nvidia driver so thought it could be that, so I went through the process of re-installing cuda (upgraded to 12.9) and Pyrotch 2.9.0 cu129 nightly and recompile SageAttn in my WSL that I use for Comfy, the result of that was that I still got the error... then I disable patch Sage Attn node on the workflow, and still get the error BUT the workflow does actually progress despite the error...

In the end I just reset to branch f48d05a2d17fe1a69e08fbabfb080e3779b36225 (SEP4) and no more errors.... thanks for help here guys 👍

reaperhammer avatar Sep 14 '25 03:09 reaperhammer

yep, you can update sage attention and try, or indeed, ROLL BACK to sept 4.... :D working ok for now..... thanks to gemini, i learned how to GIT restore branch.... :P

lets wait some days to see if someone finds a better alternative than rolling back, or any mods with a new update or whatever make it easier.

LIQUIDMIND111 avatar Sep 14 '25 04:09 LIQUIDMIND111

I initially couldn't find any posts about this and I just updated bios and Nvidia driver so thought it could be that, so I went through the process of re-installing cuda (upgraded to 12.9) and Pyrotch 2.9.0 cu129 nightly and recompile SageAttn in my WSL that I use for Comfy, the result of that was that I still got the error... then I disable patch Sage Attn node on the workflow, and still get the error BUT the workflow does actually progress despite the error...

In the end I just reset to branch f48d05a (SEP4) and no more errors.... thanks for help here guys 👍

THANKS! This Rollback works fine, big Thanks :)

Syscore64 avatar Sep 14 '25 09:09 Syscore64

Could someone explain how to rollback to this commit for a non tech savy user ? I use comfy in Stability Matrix

Skuuurt avatar Sep 14 '25 13:09 Skuuurt

+1

kakaxixx avatar Sep 14 '25 16:09 kakaxixx

Could someone explain how to rollback to this commit for a non tech savy user ? I use comfy in Stability Matrix有人可以解释如何为不懂技术的用户回滚到此提交吗?我在 Stability Matrix 中使用 comfy

see the images Image

Image

mr7thing avatar Sep 14 '25 18:09 mr7thing

Can comfyui actually fix this problem for once???

brahianrosswill avatar Sep 14 '25 19:09 brahianrosswill

can't rollback from my swarmui installation, or i do it bad..

inuptia33 avatar Sep 14 '25 20:09 inuptia33

can't rollback from my swarmui installation, or i do it bad..

inside the COMFY FOLDER - CMD then

git checkout backup_branch_2025-09-04_23_00_06

LIQUIDMIND111 avatar Sep 14 '25 20:09 LIQUIDMIND111

other branches

backup_branch_2025-04-24_22_09_42 backup_branch_2025-05-06_14_53_43 backup_branch_2025-05-06_14_53_44 backup_branch_2025-05-09_18_17_54 backup_branch_2025-05-12_14_53_37 backup_branch_2025-05-16_22_37_51 backup_branch_2025-05-20_18_01_16 backup_branch_2025-05-26_14_43_24 backup_branch_2025-05-31_12_23_43 backup_branch_2025-06-04_21_30_59 backup_branch_2025-06-09_22_40_57 backup_branch_2025-06-15_15_04_48 backup_branch_2025-06-15_15_05_40 backup_branch_2025-06-20_22_22_52 backup_branch_2025-06-30_06_30_40 backup_branch_2025-07-05_00_12_13 backup_branch_2025-07-14_12_12_50 backup_branch_2025-07-22_20_57_04 backup_branch_2025-07-28_11_53_19 backup_branch_2025-07-28_15_06_49 backup_branch_2025-07-31_22_18_39 backup_branch_2025-08-10_12_04_52 backup_branch_2025-08-13_12_58_56 backup_branch_2025-09-04_08_30_48

  • backup_branch_2025-09-04_23_00_06 backup_branch_2025-09-12_21_43_30 master

LIQUIDMIND111 avatar Sep 14 '25 20:09 LIQUIDMIND111

thx trying to help It seems i have no backup

inuptia33 avatar Sep 14 '25 20:09 inuptia33

I think this was introducted with this commit: commit d7f40442f91a02946cab7445c6204bf154b1e86f Author: Jedrzej Kosinski [email protected] Date: Fri Sep 12 15:07:38 2025 -0700

Enable Runtime Selection of Attention Functions (#9639)

I ran into the same issue and reverted that (resolving conflicts in favor of HEAD) and now I'm back in business.

https://github.com/comfyanonymous/ComfyUI/issues/9639

Looks like someone else has seen it and offered a fix: https://github.com/kijai/ComfyUI-KJNodes/pull/386

phasefx avatar Sep 14 '25 22:09 phasefx

Yeah, I just updated to get some work done and ran into this. Hope this is getting fixed soon. I will revert for the time being.

IntellectzProductions avatar Sep 14 '25 22:09 IntellectzProductions

update kjnodes fixed it

kakaxixx avatar Sep 15 '25 00:09 kakaxixx

update kjnodes fixed it

Only fixes kjnodes which i don't use for images this updates breaks many other nodes

brahianrosswill avatar Sep 15 '25 01:09 brahianrosswill

Yeah, I just updated to get some work done and ran into this. Hope this is getting fixed soon. I will revert for the time being.

It broke my critical nag sdxl node

brahianrosswill avatar Sep 15 '25 01:09 brahianrosswill

seems that I can't revert. Can somebody tell me how to revert? I am using the desktop version of comfy

IntellectzProductions avatar Sep 15 '25 01:09 IntellectzProductions

seems that I can't revert. Can somebody tell me how to revert? I am using the desktop version of comfy

How to revert to a previous ComfyUI version It sounds like you need to revert to a specific version of ComfyUI. The easiest way to do this is with a command line, even if you're using the desktop version.

Just follow these steps:

Close ComfyUI completely.

Open a terminal or command prompt and navigate to your ComfyUI folder. For example, you might type cd E:\folder\ComfyUI

Confirm you are in the right place by checking for a .git folder inside.

Once you're in the correct folder, run the following command:

git reset --hard f48d05a2d17fe1a69e08fbabfb080e3779b36225

This command will reset your files to that specific version.

Now, you can start ComfyUI as you normally would.

Pro-Tip: If you want to see all the available versions you can revert to, just type git log in the ComfyUI folder to see a list of commits. Each commit has a unique code you can use with the git reset command.

reaperhammer avatar Sep 15 '25 11:09 reaperhammer

Anch'io sono tornato alla versione 0.3.58 ed ha ripreso a funzionare. L'ho fatto direttamente dal Manager attraverso Switch ComfyUI.

retuc avatar Sep 15 '25 14:09 retuc