Closed
Description
Your question
我在使用 AnimateDiff for ComfyUI 的过程中遇到了一个错误,应该和 AnimateDiffSampler 相关的参数变更有关。
AnimateDiffSampler
AdvancedControlBase.get_control_inject() missing 1 required positional argument: 'transformer_options'
已验证的方法:
· 将 ComfyUI 内核回退至 2025年3月22日版本,3月14日版本,插件正常运行,但报错依然存在。
· 切换到3月14日/最新版本的ComfyUI 夜间版本也尝试过,报错依然存在。
麻烦大家帮我看看,或者有没有推荐的解决方式~🙏
Logs
# ComfyUI Error Report
## Error Details
- **Node ID:** 42
- **Node Type:** AnimateDiffSampler
- **Exception Type:** TypeError
- **Exception Message:** AdvancedControlBase.get_control_inject() missing 1 required positional argument: 'transformer_options'
## Stack Trace
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 327, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 202, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 174, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 163, in process_inputs
results.append(getattr(obj, func)(**inputs))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sampler.py", line 277, in animatediff_sample
return super().sample(
^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\nodes.py", line 1543, in sample
return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\nodes.py", line 1510, in common_ksampler
samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 78, in sample
return orig_comfy_sample(model, *args, **kwargs, callback=callback)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\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 "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 1133, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 1023, in sample
return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 1008, in sample
output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\patcher_extension.py", line 110, in execute
return self.original(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 976, in outer_sample
output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 959, in inner_sample
samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\patcher_extension.py", line 110, in execute
return self.original(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 738, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
return func(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\k_diffusion\sampling.py", line 161, in sample_euler
denoised = model(x, sigma_hat * s_in, **extra_args)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 390, in __call__
out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 939, in __call__
return self.predict_noise(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 942, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 408, in sampling_function
cond, uncond = sliding_calc_cond_uncond_batch(model, cond, uncond, x, timestep, model_options)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 387, in sliding_calc_cond_uncond_batch
sub_cond_out, sub_uncond_out = calc_cond_uncond_batch(
^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 271, in calc_cond_uncond_batch
c["control"] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
## System Information
- **ComfyUI Version:** 0.3.27
- **Arguments:** ComfyUI\main.py --windows-standalone-build
- **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.6.0+cu126
## Devices
- **Name:** cuda:0 NVIDIA GeForce RTX 4070 Ti SUPER : cudaMallocAsync
- **Type:** cuda
- **VRAM Total:** 17170956288
- **VRAM Free:** 11459317164
- **Torch VRAM Total:** 4328521728
- **Torch VRAM Free:** 26693036
## Logs
2025-05-20T20:28:31.837794 - [START] Security scan2025-05-20T20:28:31.837794 -
2025-05-20T20:28:32.311912 - [DONE] Security scan2025-05-20T20:28:32.311912 -
2025-05-20T20:28:32.383161 - ## ComfyUI-Manager: installing dependencies done.2025-05-20T20:28:32.383161 -
2025-05-20T20:28:32.383161 - ** ComfyUI startup time:2025-05-20T20:28:32.383161 - 2025-05-20T20:28:32.383161 - 2025-05-20 20:28:32.3832025-05-20T20:28:32.383161 -
2025-05-20T20:28:32.383161 - ** Platform:2025-05-20T20:28:32.383161 - 2025-05-20T20:28:32.383161 - Windows2025-05-20T20:28:32.383161 -
2025-05-20T20:28:32.383161 - ** Python version:2025-05-20T20:28:32.383161 - 2025-05-20T20:28:32.383161 - 3.12.9 (tags/v3.12.9:fdb8142, Feb 4 2025, 15:27:58) [MSC v.1942 64 bit (AMD64)]2025-05-20T20:28:32.383161 -
2025-05-20T20:28:32.383161 - ** Python executable:2025-05-20T20:28:32.383161 - 2025-05-20T20:28:32.383161 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\python_embeded\python.exe2025-05-20T20:28:32.383161 -
2025-05-20T20:28:32.383161 - ** ComfyUI Path:2025-05-20T20:28:32.383161 - 2025-05-20T20:28:32.383161 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI2025-05-20T20:28:32.383161 -
2025-05-20T20:28:32.383161 - ** ComfyUI Base Folder Path:2025-05-20T20:28:32.383161 - 2025-05-20T20:28:32.384970 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI2025-05-20T20:28:32.384970 -
2025-05-20T20:28:32.386495 - ** User directory:2025-05-20T20:28:32.386495 - 2025-05-20T20:28:32.386495 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\user2025-05-20T20:28:32.386495 -
2025-05-20T20:28:32.386495 - ** ComfyUI-Manager config path:2025-05-20T20:28:32.386495 - 2025-05-20T20:28:32.386495 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\user\default\ComfyUI-Manager\config.ini2025-05-20T20:28:32.386495 -
2025-05-20T20:28:32.386495 - ** Log path:2025-05-20T20:28:32.386495 - 2025-05-20T20:28:32.386495 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\user\comfyui.log2025-05-20T20:28:32.386495 -
2025-05-20T20:28:32.996870 -
Prestartup times for custom nodes:
2025-05-20T20:28:32.996870 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\rgthree-comfy
2025-05-20T20:28:32.996870 - 1.6 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-Manager
2025-05-20T20:28:32.997874 -
2025-05-20T20:28:33.937804 - Checkpoint files will always be loaded safely.
2025-05-20T20:28:34.047447 - Total VRAM 16376 MB, total RAM 63092 MB
2025-05-20T20:28:34.047953 - pytorch version: 2.6.0+cu126
2025-05-20T20:28:34.047953 - Set vram state to: NORMAL_VRAM
2025-05-20T20:28:34.047953 - Device: cuda:0 NVIDIA GeForce RTX 4070 Ti SUPER : cudaMallocAsync
2025-05-20T20:28:34.768268 - Using pytorch attention
2025-05-20T20:28:35.458450 - ComfyUI version: 0.3.27
2025-05-20T20:28:35.518680 - ComfyUI frontend version: 1.19.9
2025-05-20T20:28:35.518680 - [Prompt Server] web root: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\python_embeded\Lib\site-packages\comfyui_frontend_package\static
2025-05-20T20:28:35.630579 - D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\python_embeded\Lib\site-packages\onnxruntime\capi\onnxruntime_validation.py:26: UserWarning: Unsupported Windows version (11). ONNX Runtime supports Windows 10 and above, only.
warnings.warn(
2025-05-20T20:28:35.739287 - ### Loading: ComfyUI-Impact-Pack (V8.15.1)2025-05-20T20:28:35.739287 -
2025-05-20T20:28:35.888426 - [Impact Pack] Wildcards loading done.2025-05-20T20:28:35.888426 -
2025-05-20T20:28:35.891948 - ### Loading: ComfyUI-Manager (V3.32.3)
2025-05-20T20:28:35.891948 - [ComfyUI-Manager] network_mode: public
2025-05-20T20:28:36.024452 - ### ComfyUI Version: v0.3.27-1-ge471c726 on 'backup_march14_9c98c635' | Released on '2025-03-22'
2025-05-20T20:28:36.232617 - Version of aiofiles: Not found2025-05-20T20:28:36.232617 -
2025-05-20T20:28:36.232617 - ComfyUI-N-Sidebar is loading...2025-05-20T20:28:36.232617 -
2025-05-20T20:28:36.311554 - �[36;20m[comfyui_controlnet_aux] | INFO -> Using ckpts path: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts�[0m
2025-05-20T20:28:36.311554 - �[36;20m[comfyui_controlnet_aux] | INFO -> Using symlinks: False�[0m
2025-05-20T20:28:36.311554 - �[36;20m[comfyui_controlnet_aux] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']�[0m
2025-05-20T20:28:36.458313 - DWPose: Onnxruntime with acceleration providers detected2025-05-20T20:28:36.458819 -
2025-05-20T20:28:37.378019 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/alter-list.json
2025-05-20T20:28:37.619386 -
2025-05-20T20:28:37.619386 - �[92m[rgthree-comfy] Loaded 47 exciting nodes. 🎉�[0m2025-05-20T20:28:37.619386 -
2025-05-20T20:28:37.619386 -
2025-05-20T20:28:37.748216 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/model-list.json
2025-05-20T20:28:37.849746 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/github-stats.json
2025-05-20T20:28:37.913088 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/custom-node-list.json
2025-05-20T20:28:37.929311 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/extension-node-map.json
2025-05-20T20:28:38.073677 - �[34mWAS Node Suite: �[0mOpenCV Python FFMPEG support is enabled�[0m2025-05-20T20:28:38.073677 -
2025-05-20T20:28:38.073677 - �[34mWAS Node Suite �[93mWarning: �[0m`ffmpeg_bin_path` is not set in `D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\was-node-suite-comfyui\was_suite_config.json` config file. Will attempt to use system ffmpeg binaries if available.�[0m2025-05-20T20:28:38.073677 -
2025-05-20T20:28:38.349599 - �[34mWAS Node Suite: �[0mFinished.�[0m �[32mLoaded�[0m �[0m220�[0m �[32mnodes successfully.�[0m2025-05-20T20:28:38.349599 -
2025-05-20T20:28:38.349599 -
�[3m�[93m"Do one thing every day that scares you."�[0m�[3m - Eleanor Roosevelt�[0m
2025-05-20T20:28:38.349599 -
2025-05-20T20:28:38.352163 -
Import times for custom nodes:
2025-05-20T20:28:38.352163 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\AIGODLIKE-ComfyUI-Translation
2025-05-20T20:28:38.352163 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\websocket_image_save.py
2025-05-20T20:28:38.352163 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\comfy_pixelization
2025-05-20T20:28:38.352163 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff
2025-05-20T20:28:38.352163 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custo
BE96
m_nodes\ComfyUI-Custom-Scripts
2025-05-20T20:28:38.353681 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
2025-05-20T20:28:38.353681 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-N-Sidebar
2025-05-20T20:28:38.353681 - 0.0 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
2025-05-20T20:28:38.353681 - 0.1 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
2025-05-20T20:28:38.353681 - 0.2 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
2025-05-20T20:28:38.353681 - 0.2 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\comfyui_controlnet_aux
2025-05-20T20:28:38.353681 - 0.3 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-Manager
2025-05-20T20:28:38.353681 - 0.7 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\was-node-suite-comfyui
2025-05-20T20:28:38.353681 - 1.2 seconds: D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\rgthree-comfy
2025-05-20T20:28:38.353681 -
2025-05-20T20:28:38.362415 - Starting server
2025-05-20T20:28:38.362415 - To see the GUI go to: http://127.0.0.1:8188
2025-05-20T20:28:50.078423 - FETCH ComfyRegistry Data: 5/852025-05-20T20:28:50.078423 -
2025-05-20T20:29:00.952284 - FETCH ComfyRegistry Data: 10/852025-05-20T20:29:00.952284 -
2025-05-20T20:29:10.078088 - FETCH ComfyRegistry Data: 15/852025-05-20T20:29:10.078088 -
2025-05-20T20:29:20.092197 - got prompt
2025-05-20T20:29:20.105500 - Using pytorch attention in VAE
2025-05-20T20:29:20.107030 - Using pytorch attention in VAE
2025-05-20T20:29:20.185132 - VAE load device: cuda:0, offload device: cpu, dtype: torch.bfloat16
2025-05-20T20:29:20.449133 - FETCH ComfyRegistry Data: 20/852025-05-20T20:29:20.449133 -
2025-05-20T20:29:20.824793 - model_path is D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts\hr16\yolox-onnx\yolox_l.torchscript.pt2025-05-20T20:29:20.824793 -
2025-05-20T20:29:20.824793 - model_path is D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts\hr16\DWPose-TorchScript-BatchSize5\rtmpose-m_ap10k_256_bs5.torchscript.pt2025-05-20T20:29:20.824793 -
2025-05-20T20:29:20.824793 -
AnimalPose: Using yolox_l.torchscript.pt for bbox detection and rtmpose-m_ap10k_256_bs5.torchscript.pt for pose estimation2025-05-20T20:29:20.824793 -
2025-05-20T20:29:20.824793 - AnimalPose: Caching TorchScript module yolox_l.torchscript.pt on ...2025-05-20T20:29:20.824793 -
2025-05-20T20:29:21.079359 - AnimalPose: Caching TorchScript module rtmpose-m_ap10k_256_bs5.torchscript.pt on ...2025-05-20T20:29:21.079359 -
2025-05-20T20:29:21.441151 - AnimalPose: Bbox 264.34ms2025-05-20T20:29:21.441151 -
2025-05-20T20:29:23.776500 - AnimalPose: Bbox 2319.67ms2025-05-20T20:29:23.776500 -
2025-05-20T20:29:23.896070 - AnimalPose: Pose 119.12ms on 2 animals
2025-05-20T20:29:23.896070 -
2025-05-20T20:29:23.944583 - AnimalPose: Bbox 40.83ms2025-05-20T20:29:23.944583 -
2025-05-20T20:29:25.498869 - AnimalPose: Pose 1554.17ms on 1 animals
2025-05-20T20:29:25.499374 -
2025-05-20T20:29:25.520793 - AnimalPose: Bbox 14.51ms2025-05-20T20:29:25.520793 -
2025-05-20T20:29:25.531574 - AnimalPose: Pose 10.55ms on 1 animals
2025-05-20T20:29:25.531574 -
2025-05-20T20:29:25.558237 - AnimalPose: Bbox 19.60ms2025-05-20T20:29:25.558237 -
2025-05-20T20:29:25.569627 - AnimalPose: Pose 11.24ms on 1 animals
2025-05-20T20:29:25.569627 -
2025-05-20T20:29:25.590672 - AnimalPose: Bbox 15.28ms2025-05-20T20:29:25.592192 -
2025-05-20T20:29:25.602463 - AnimalPose: Pose 10.38ms on 1 animals
2025-05-20T20:29:25.602463 -
2025-05-20T20:29:25.626358 - AnimalPose: Bbox 17.43ms2025-05-20T20:29:25.626358 -
2025-05-20T20:29:25.636664 - AnimalPose: Pose 10.80ms on 1 animals
2025-05-20T20:29:25.636664 -
2025-05-20T20:29:25.658492 - AnimalPose: Bbox 14.72ms2025-05-20T20:29:25.658492 -
2025-05-20T20:29:25.670580 - AnimalPose: Pose 12.12ms on 1 animals
2025-05-20T20:29:25.670580 -
2025-05-20T20:29:25.694527 - AnimalPose: Bbox 17.30ms2025-05-20T20:29:25.694527 -
2025-05-20T20:29:25.706100 - AnimalPose: Pose 10.85ms on 1 animals
2025-05-20T20:29:25.706607 -
2025-05-20T20:29:25.729657 - AnimalPose: Bbox 17.65ms2025-05-20T20:29:25.731174 -
2025-05-20T20:29:25.741935 - AnimalPose: Pose 11.05ms on 1 animals
2025-05-20T20:29:25.742445 -
2025-05-20T20:29:25.769451 - AnimalPose: Bbox 21.13ms2025-05-20T20:29:25.769451 -
2025-05-20T20:29:25.784425 - AnimalPose: Pose 14.27ms on 1 animals
2025-05-20T20:29:25.784933 -
2025-05-20T20:29:25.812845 - AnimalPose: Bbox 20.96ms2025-05-20T20:29:25.812845 -
2025-05-20T20:29:25.825407 - AnimalPose: Pose 12.28ms on 1 animals
2025-05-20T20:29:25.825407 -
2025-05-20T20:29:25.855190 - AnimalPose: Bbox 21.95ms2025-05-20T20:29:25.855695 -
2025-05-20T20:29:25.865873 - AnimalPose: Pose 10.97ms on 1 animals
2025-05-20T20:29:25.865873 -
2025-05-20T20:29:25.886821 - AnimalPose: Bbox 13.74ms2025-05-20T20:29:25.886821 -
2025-05-20T20:29:25.897462 - AnimalPose: Pose 10.39ms on 1 animals
2025-05-20T20:29:25.897462 -
2025-05-20T20:29:25.921536 - AnimalPose: Bbox 17.77ms2025-05-20T20:29:25.921536 -
2025-05-20T20:29:25.934821 - AnimalPose: Pose 12.52ms on 1 animals
2025-05-20T20:29:25.934821 -
2025-05-20T20:29:25.954779 - AnimalPose: Bbox 13.55ms2025-05-20T20:29:25.954779 -
2025-05-20T20:29:25.965003 - AnimalPose: Pose 9.80ms on 1 animals
2025-05-20T20:29:25.965507 -
2025-05-20T20:29:25.985487 - AnimalPose: Bbox 13.81ms2025-05-20T20:29:25.985487 -
2025-05-20T20:29:25.995712 - AnimalPose: Pose 9.97ms on 1 animals
2025-05-20T20:29:25.995712 -
2025-05-20T20:29:26.021071 - AnimalPose: Bbox 18.12ms2025-05-20T20:29:26.021071 -
2025-05-20T20:29:26.032926 - AnimalPose: Pose 10.49ms on 1 animals
2025-05-20T20:29:26.032926 -
2025-05-20T20:29:26.057959 - AnimalPose: Bbox 18.90ms2025-05-20T20:29:26.058955 -
2025-05-20T20:29:26.068608 - AnimalPose: Pose 9.51ms on 1 animals
2025-05-20T20:29:26.068608 -
2025-05-20T20:29:26.088929 - AnimalPose: Bbox 15.12ms2025-05-20T20:29:26.088929 -
2025-05-20T20:29:26.098114 - AnimalPose: Pose 9.17ms on 1 animals
2025-05-20T20:29:26.099643 -
2025-05-20T20:29:26.121265 - AnimalPose: Bbox 16.05ms2025-05-20T20:29:26.121265 -
2025-05-20T20:29:26.133093 - AnimalPose: Pose 10.95ms on 1 animals
2025-05-20T20:29:26.133093 -
2025-05-20T20:29:26.160976 - AnimalPose: Bbox 20.61ms2025-05-20T20:29:26.160976 -
2025-05-20T20:29:26.171556 - AnimalPose: Pose 10.48ms on 1 animals
2025-05-20T20:29:26.171556 -
2025-05-20T20:29:26.195202 - AnimalPose: Bbox 16.86ms2025-05-20T20:29:26.195202 -
2025-05-20T20:29:26.204349 - AnimalPose: Pose 9.32ms on 1 animals
2025-05-20T20:29:26.204349 -
2025-05-20T20:29:26.227248 - AnimalPose: Bbox 16.62ms2025-05-20T20:29:26.227248 -
2025-05-20T20:29:26.241998 - AnimalPose: Pose 13.95ms on 1 animals
2025-05-20T20:29:26.241998 -
2025-05-20T20:29:26.267372 - AnimalPose: Bbox 18.76ms2025-05-20T20:29:26.267372 -
2025-05-20T20:29:26.278628 - AnimalPose: Pose 10.96ms on 1 animals
2025-05-20T20:29:26.278628 -
2025-05-20T20:29:26.305263 - AnimalPose: Bbox 20.85ms2025-05-20T20:29:26.305263 -
2025-05-20T20:29:26.318735 - AnimalPose: Pose 12.78ms on 1 animals
2025-05-20T20:29:26.318735 -
2025-05-20T20:29:26.342707 - AnimalPose: Bbox 17.07ms2025-05-20T20:29:26.342707 -
2025-05-20T20:29:26.353081 - AnimalPose: Pose 9.97ms on 1 animals
2025-05-20T20:29:26.353081 -
2025-05-20T20:29:26.375581 - AnimalPose: Bbox 16.48ms2025-05-20T20:29:26.375581 -
2025-05-20T20:29:26.387423 - AnimalPose: Pose 11.61ms on 1 animals
2025-05-20T20:29:26.387423 -
2025-05-20T20:29:26.416120 - AnimalPose: Bbox 21.27ms2025-05-20T20:29:26.416120 -
2025-05-20T20:29:26.426803 - AnimalPose: Pose 11.24ms on 1 animals
2025-05-20T20:29:26.428329 -
2025-05-20T20:29:26.661382 - model_path is D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts\lllyasviel\Annotators\ZoeD_M12_N.pt2025-05-20T20:29:26.661382 -
2025-05-20T20:29:33.959021 - FETCH ComfyRegistry Data: 25/852025-05-20T20:29:33.959021 -
2025-05-20T20:29:42.607787 - model weight dtype torch.float16, manual cast: None
2025-05-20T20:29:42.608113 - model_type EPS
2025-05-20T20:29:42.746269 - Using pytorch attention in VAE
2025-05-20T20:29:42.747269 - Using pytorch attention in VAE
2025-05-20T20:29:42.785057 - VAE load device: cuda:0, offload device: cpu, dtype: torch.bfloat16
2025-05-20T20:29:42.831682 - CLIP/text encoder model load device: cuda:0, offload device: cpu, current: cpu, dtype: torch.float16
2025-05-20T20:29:42.926101 - warning, embedding:easynegative, does not exist, ignoring
2025-05-20T20:29:42.927619 - warning, embedding:badhandv4,
nsfw does not exist, ignoring
2025-05-20T20:29:42.927619 - Requested to load SD1ClipModel
2025-05-20T20:29:43.002382 - loaded completely 12099.538315582275 235.84423828125 True
2025-05-20T20:29:43.051042 - [AnimateDiff] - �[0;32mINFO�[0m - Loading motion module Motion_Module\temporaldiff-v1-animatediff.ckpt
2025-05-20T20:29:43.443533 - FETCH ComfyRegistry Data: 30/852025-05-20T20:29:43.443533 -
2025-05-20T20:29:43.727103 - [AnimateDiff] - �[0;32mINFO�[0m - Converting motion module to fp16.
2025-05-20T20:29:43.807079 - [AnimateDiff] - �[0;32mINFO�[0m - Injecting motion module with method default.
2025-05-20T20:29:43.808584 - [AnimateDiff] - �[0;32mINFO�[0m - Hacking GroupNorm.forward function.
2025-05-20T20:29:43.808584 - [AnimateDiff] - �[0;32mINFO�[0m - Injecting sliding context sampling function.
2025-05-20T20:29:43.808584 - [AnimateDiff] - �[0;32mINFO�[0m - Video length: 29
2025-05-20T20:29:43.808584 - [AnimateDiff] - �[0;32mINFO�[0m - Context length: 16
2025-05-20T20:29:43.808584 - [AnimateDiff] - �[0;32mINFO�[0m - Context schedule: uniform
2025-05-20T20:29:43.814139 - Requested to load ControlNet
2025-05-20T20:29:43.814139 - Requested to load ControlNet
2025-05-20T20:29:43.815669 - Requested to load BaseModel
2025-05-20T20:29:43.921562 - loaded completely 7090.898235473633 689.0852355957031 True
2025-05-20T20:29:44.002638 - loaded completely 6401.8129998779295 689.0852355957031 True
2025-05-20T20:29:44.960512 - loaded completely 5712.727764282226 2435.0329666137695 True
2025-05-20T20:29:44.975237 -
0%| | 0/20 [00:00<?, ?it/s]2025-05-20T20:29:44.979809 -
0%| | 0/20 [00:00<?, ?it/s]2025-05-20T20:29:44.979809 -
2025-05-20T20:29:44.979809 - [AnimateDiff] - �[0;32mINFO�[0m - Restore GroupNorm.forward function.
2025-05-20T20:29:44.979809 - [AnimateDiff] - �[0;32mINFO�[0m - Ejecting motion module with method default.
2025-05-20T20:29:44.986966 - !!! Exception during processing !!! AdvancedControlBase.get_control_inject() missing 1 required positional argument: 'transformer_options'
2025-05-20T20:29:44.989089 - Traceback (most recent call last):
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 327, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 202, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 174, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\execution.py", line 163, in process_inputs
results.append(getattr(obj, func)(**inputs))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sampler.py", line 277, in animatediff_sample
return super().sample(
^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\nodes.py", line 1543, in sample
return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\nodes.py", line 1510, in common_ksampler
samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 78, in sample
return orig_comfy_sample(model, *args, **kwargs, callback=callback)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\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 "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 1133, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 1023, in sample
return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 1008, in sample
output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\patcher_extension.py", line 110, in execute
return self.original(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 976, in outer_sample
output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 959, in inner_sample
samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\patcher_extension.py", line 110, in execute
return self.original(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 738, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
return func(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\k_diffusion\sampling.py", line 161, in sample_euler
denoised = model(x, sigma_hat * s_in, **extra_args)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 390, in __call__
out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 939, in __call__
return self.predict_noise(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\comfy\samplers.py", line 942, 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:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 408, in sampling_function
cond, uncond = sliding_calc_cond_uncond_batch(model, cond, uncond, x, timestep, model_options)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 387, in sliding_calc_cond_uncond_batch
sub_cond_out, sub_uncond_out = calc_cond_uncond_batch(
^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI-aki\ComfyUI-aki-v1.6\ComfyUI_windows_portable\ComfyUi\ComfyUI\custom_nodes\ComfyUI-AnimateDiff\animatediff\sliding_context_sampling.py", line 271, in calc_cond_uncond_batch
c["control"] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
TypeError: AdvancedControlBase.get_control_inject() missing 1 required positional argument: 'transformer_options'
2025-05-20T20:29:44.990590 - Prompt executed in 24.89 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)
Other
No response