comfyanonymous / ComfyUI

The most powerful and modular diffusion model GUI, api and backend with a graph/nodes interface.
https://www.comfy.org/
GNU General Public License v3.0
58.32k stars 6.19k forks source link

ERROR- !!! Exception during processing!!! 'NoneType' object has no attribute 'size' #3931

Closed zhenyuanzhou closed 4 months ago

zhenyuanzhou commented 4 months ago

Your question

2024-07-03 01:59:42,163- root:179- ERROR- !!! Exception during processing!!! 'NoneType' object has no attribute 'size'

Logs

2024-07-03 01:59:42,163- root:179- ERROR- !!! Exception during processing!!! 'NoneType' object has no attribute 'size'
2024-07-03 01:59:42,168- root:180- ERROR- Traceback (most recent call last):
  File "F:\ComfyUI\ComfyUI\execution.py", line 151, in recursive_execute
    output_data, output_ui = get_output_data(obj, input_data_all)
                             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\execution.py", line 81, in get_output_data
    return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-0246\utils.py", line 381, in new_func
    res_value = old_func(*final_args, **kwargs)
                ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\execution.py", line 74, in map_node_over_list
    results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\nodes.py", line 1371, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\nodes.py", line 1341, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\Comfyui-StableSR\nodes.py", line 69, in hook_sample
    return original_sample(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 522, in motion_sample
    latents = orig_comfy_sample(model, noise, *args, **kwargs)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\control_reference.py", line 47, in refcn_sample
    return orig_comfy_sample(model, *args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\utils.py", line 112, in uncond_multiplier_check_cn_sample
    return orig_comfy_sample(model, *args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_smZNodes\smZNodes.py", line 1428, in KSampler_sample
    return _KSampler_sample(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 795, 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 "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_smZNodes\smZNodes.py", line 1451, in sample
    return _sample(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 697, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 684, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 663, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 568, in sample
    samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\k_diffusion\sampling.py", line 779, in sample_lcm
    denoised = model(x, sigmas[i] * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 291, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_smZNodes\smZNodes.py", line 974, in __call__
    return self.predict_noise(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_smZNodes\smZNodes.py", line 1024, in predict_noise
    out = super().predict_noise(*args, **kwargs)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 653, 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 "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 625, in evolved_sampling_function
    cond_pred, uncond_pred = sliding_calc_conds_batch(model, [cond, uncond_], x, timestep, model_options)
                             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 815, in sliding_calc_conds_batch
    sub_conds_out = calc_cond_uncond_batch_wrapper(model, sub_conds, sub_x, sub_timestep, model_options)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 899, in calc_cond_uncond_batch_wrapper
    return comfy.samplers.calc_cond_batch(model, conds, x_in, timestep, model_options)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\comfy\samplers.py", line 226, in calc_cond_batch
    output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 221, in apply_model_ade_wrapper
    motion_model.prepare_img_features(x=x, cond_or_uncond=cond_or_uncond, ad_params=ad_params, latent_format=self.latent_format)
  File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\model_injection.py", line 877, in prepare_img_features
    if sub_idxs is not None and self.orig_img_latents.size(0) >= full_length:
                                ^^^^^^^^^^^^^^^^^^^^^^^^^^
AttributeError: 'NoneType' object has no attribute 'size'

2024-07-03 01:59:42,176- root:129- INFO- Prompt executed in 449.63 seconds

Other

No response

zhenyuanzhou commented 4 months ago

Wrong version of animatediff

jeffreyrobeson commented 1 month ago

ComfyUI Error Report

Error Details

## System Information
- **ComfyUI Version:** v0.2.2-69-g6ad0ddb
- **Arguments:** F:\aigc\Comfyui-Flux-nf4\ComfyUI\main.py --listen --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:** true
- **PyTorch Version:** 2.4.0+cu121
## Devices

- **Name:** cuda:0 NVIDIA GeForce RTX 4060 Ti : cudaMallocAsync
  - **Type:** cuda
  - **VRAM Total:** 17175150592
  - **VRAM Free:** 6829067200
  - **Torch VRAM Total:** 9093251072
  - **Torch VRAM Free:** 31148992

## Logs

2024-10-12 02:47:29,365 - root - INFO - Total VRAM 16380 MB, total RAM 32598 MB 2024-10-12 02:47:29,365 - root - INFO - pytorch version: 2.4.0+cu121 2024-10-12 02:47:29,365 - root - INFO - Set vram state to: NORMAL_VRAM 2024-10-12 02:47:29,365 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4060 Ti : cudaMallocAsync 2024-10-12 02:47:29,854 - root - INFO - Using pytorch cross attention 2024-10-12 02:47:30,525 - root - INFO - [Prompt Server] web root: F:\aigc\Comfyui-Flux-nf4\ComfyUI\web 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path checkpoints F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/Stable-diffusion 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path configs F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/Stable-diffusion 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path vae F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/VAE 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path loras F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/Lora 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path loras F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/LyCORIS 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path upscale_models F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/ESRGAN 2024-10-12 02:47:30,526 - root - INFO - Adding extra search path upscale_models F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/RealESRGAN 2024-10-12 02:47:30,527 - root - INFO - Adding extra search path upscale_models F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/SwinIR 2024-10-12 02:47:30,527 - root - INFO - Adding extra search path embeddings F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\embeddings 2024-10-12 02:47:30,527 - root - INFO - Adding extra search path hypernetworks F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/hypernetworks 2024-10-12 02:47:30,527 - root - INFO - Adding extra search path controlnet F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models/ControlNet 2024-10-12 02:47:30,527 - root - INFO - Adding extra search path ipadapter F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models\ipadapter 2024-10-12 02:47:30,527 - root - INFO - Adding extra search path clip_vision F:\aigc\sd-webui-aki\sd-webui-aki-v4.6.1\models\clipvision 2024-10-12 02:47:30,833 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir SetUnionControlNetType' might differ from the native display name. 2024-10-12 02:47:30,834 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir IPAdapterModelLoader' might differ from the native display name. 2024-10-12 02:47:30,835 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir IPAdapterAdvanced' might differ from the native display name. 2024-10-12 02:47:30,835 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir IPAdapterStyleComposition' might differ from the native display name. 2024-10-12 02:47:30,835 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir UltimateSDUpscale' might differ from the native display name. 2024-10-12 02:47:30,836 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir MinusZoneChatGLM3TextEncode' might differ from the native display name. 2024-10-12 02:47:35,435 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir SamplerCustomAdvanced' might differ from the native display name. 2024-10-12 02:47:35,436 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir BasicGuider' might differ from the native display name. 2024-10-12 02:47:35,436 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir BasicScheduler' might differ from the native display name. 2024-10-12 02:47:35,437 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir DualCLIPLoader' might differ from the native display name. 2024-10-12 02:47:35,437 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir KSamplerSelect' might differ from the native display name. 2024-10-12 02:47:35,437 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir RandomNoise' might differ from the native display name. 2024-10-12 02:47:35,438 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir FluxGuidance' might differ from the native display name. 2024-10-12 02:47:35,438 - bizyair.nodes_base - WARNING - Display name '☁️BizyAir InpaintModelConditioning' might differ from the native display name. 2024-10-12 02:47:36,298 - root - INFO - Total VRAM 16380 MB, total RAM 32598 MB 2024-10-12 02:47:36,298 - root - INFO - pytorch version: 2.4.0+cu121 2024-10-12 02:47:36,299 - root - INFO - Set vram state to: NORMAL_VRAM 2024-10-12 02:47:36,299 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4060 Ti : cudaMallocAsync 2024-10-12 02:47:41,987 - root - WARNING - Traceback (most recent call last): File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\nodes.py", line 1998, in load_custom_node module_spec.loader.exec_module(module) File "", line 936, in exec_module File "", line 1073, in get_code File "", line 1130, in get_data FileNotFoundError: [Errno 2] No such file or directory: 'F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_InstantID\init.py'

2024-10-12 02:47:41,987 - root - WARNING - Cannot import F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_InstantID module for custom nodes: [Errno 2] No such file or directory: 'F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_InstantID\init.py' 2024-10-12 02:47:42,439 - root - INFO - Import times for custom nodes: 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\websocket_image_save.py 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\AIGODLIKE-COMFYUI-TRANSLATION 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\SD-Latent-Upscaler 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\SD-Latent-Interposer 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui_fk_server 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-BRIA_AI-RMBG 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\cg-use-everywhere 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui_storydiffusion 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds (IMPORT FAILED): F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_InstantID 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\Comfyui_CXH_joy_caption 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui-various 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Frame-Interpolation 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-KJNodes 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-GGUF 2024-10-12 02:47:42,439 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\rgthree-comfy 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\efficiency-nodes-comfyui 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\Comfyui-ergouzi-Nodes 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-IC-Light 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_essentials 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_bitsandbytes_NF4 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui_controlnet_aux 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui-workspace-manager 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_MiniCPM-V-2_6-int4 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\komojini-comfyui-nodes 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\Comfyui-ergouzi-DGNJD 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite 2024-10-12 02:47:42,440 - root - INFO - 0.0 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui_segment_anything 2024-10-12 02:47:42,440 - root - INFO - 0.1 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Crystools 2024-10-12 02:47:42,440 - root - INFO - 0.2 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUi-Ollama-YN 2024-10-12 02:47:42,440 - root - INFO - 0.2 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Impact-Pack 2024-10-12 02:47:42,440 - root - INFO - 0.2 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\clipseg.py 2024-10-12 02:47:42,440 - root - INFO - 0.2 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Manager-main 2024-10-12 02:47:42,440 - root - INFO - 0.3 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_LayerStyle 2024-10-12 02:47:42,440 - root - INFO - 0.4 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Easy-Use 2024-10-12 02:47:42,440 - root - INFO - 0.5 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui-ollama 2024-10-12 02:47:42,440 - root - INFO - 1.4 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_Custom_Nodes_AlekPet 2024-10-12 02:47:42,440 - root - INFO - 1.4 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI_FaceAnalysis 2024-10-12 02:47:42,440 - root - INFO - 1.6 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\comfyui-reactor-node 2024-10-12 02:47:42,440 - root - INFO - 4.7 seconds: F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\BizyAir 2024-10-12 02:47:42,440 - root - INFO - 2024-10-12 02:47:42,452 - root - INFO - Starting server

2024-10-12 02:47:42,452 - root - INFO - To see the GUI go to: http://0.0.0.0:8188 2024-10-12 02:48:02,503 - root - INFO - got prompt 2024-10-12 02:48:02,529 - root - ERROR - Failed to validate prompt for output 190: 2024-10-12 02:48:02,529 - root - ERROR - * ADE_LoadAnimateDiffModel 108: 2024-10-12 02:48:02,529 - root - ERROR - - Value not in list: model_name: 'mm_sd_v15_v2.ckpt' not in ['AnimateLCM_sd15_i2v.ckpt', 'hsxl_temporal_layers.f16.safetensors', 'hsxl_temporal_layers.safetensors', 'mm-Stabilized_mid.pth', 'v3_sd15_mm.ckpt'] 2024-10-12 02:48:02,529 - root - ERROR - Output will be ignored 2024-10-12 02:48:02,542 - root - ERROR - Failed to validate prompt for output 184: 2024-10-12 02:48:02,543 - root - ERROR - Output will be ignored 2024-10-12 02:57:31,845 - root - INFO - Prompt executed in 569.30 seconds 2024-10-12 02:58:47,738 - root - INFO - got prompt 2024-10-12 02:58:49,742 - root - INFO - Using pytorch attention in VAE 2024-10-12 02:58:49,747 - root - INFO - Using pytorch attention in VAE 2024-10-12 02:58:50,101 - root - INFO - Requested to load AutoencoderKL 2024-10-12 02:58:50,101 - root - INFO - Loading 1 new model 2024-10-12 02:58:50,406 - root - INFO - loaded completely 0.0 159.55708122253418 True 2024-10-12 03:02:05,183 - root - INFO - model weight dtype torch.float16, manual cast: None 2024-10-12 03:02:05,296 - root - INFO - model_type EPS 2024-10-12 03:02:13,754 - root - INFO - Using pytorch attention in VAE 2024-10-12 03:02:13,756 - root - INFO - Using pytorch attention in VAE 2024-10-12 03:02:16,766 - root - INFO - loaded straight to GPU 2024-10-12 03:02:16,766 - root - INFO - Requested to load BaseModel 2024-10-12 03:02:16,766 - root - INFO - Loading 1 new model 2024-10-12 03:02:16,774 - root - INFO - loaded completely 0.0 1639.406135559082 True 2024-10-12 03:02:16,973 - root - INFO - Requested to load SD1ClipModel 2024-10-12 03:02:16,973 - root - INFO - Loading 1 new model 2024-10-12 03:02:17,196 - root - INFO - loaded completely 0.0 235.84423828125 True 2024-10-12 03:02:30,985 - root - WARNING - Warning torch.load doesn't support weights_only on this pytorch version, loading unsafely. 2024-10-12 03:02:31,732 - root - WARNING - Warning torch.load doesn't support weights_only on this pytorch version, loading unsafely. 2024-10-12 03:02:43,797 - root - INFO - Requested to load CLIPVisionModelProjection 2024-10-12 03:02:43,798 - root - INFO - Loading 1 new model 2024-10-12 03:02:44,481 - root - INFO - loaded completely 0.0 1208.09814453125 True 2024-10-12 03:02:46,180 - root - INFO - Requested to load ControlNet 2024-10-12 03:02:46,181 - root - INFO - Requested to load BaseModel 2024-10-12 03:02:46,181 - root - INFO - Requested to load AnimateDiffModel 2024-10-12 03:02:46,181 - root - INFO - Loading 3 new models 2024-10-12 03:02:47,391 - root - INFO - loaded completely 0.0 689.0852355957031 True 2024-10-12 03:02:47,799 - root - INFO - loaded completely 0.0 1639.406135559082 True 2024-10-12 03:02:48,053 - root - INFO - loaded completely 0.0 1010.965576171875 True 2024-10-12 03:02:49,756 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'size' 2024-10-12 03:02:49,867 - root - ERROR - Traceback (most recent call last): File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 323, in execute output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 198, in get_output_data return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 169, in _map_node_over_list process_inputs(input_dict, i) File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 158, in process_inputs results.append(getattr(obj, func)(inputs)) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\nodes.py", line 1434, in sample return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\nodes.py", line 1401, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample return original_sample(*args, *kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations. ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 526, in motion_sample latents = orig_comfy_sample(model, noise, args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample return orig_comfy_sample(model, *args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\utils.py", line 117, in uncond_multiplier_check_cn_sample return orig_comfy_sample(model, args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\sample.py", line 43, in sample samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 829, 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 "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 729, in sample return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 716, in sample output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 695, in inner_sample samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 600, in sample samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, self.extra_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\python_embeded\Lib\site-packages\torch\utils_contextlib.py", line 116, in decorate_context return func(args, kwargs) ^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\k_diffusion\sampling.py", line 843, in sample_lcm denoised = model(x, sigmas[i] * s_in, *extra_args) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 299, in call out = self.inner_model(x, sigma, model_options=model_options, seed=seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 682, in call return self.predict_noise(args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 685, 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 "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 635, in evolved_sampling_function cond_pred, uncond_pred = sliding_calc_condsbatch(model, [cond, uncond], x, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 887, in sliding_calc_conds_batch sub_conds_out = calc_conds_batch_wrapper(model, sub_conds, sub_x, sub_timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 993, in calc_conds_batch_wrapper return comfy.samplers.calc_cond_batch(model, conds, x_in, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 228, in calc_cond_batch output = model.apply_model(inputx, timestep, c).chunk(batch_chunks) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 218, in apply_model_ade_wrapper motion_model.prepare_img_features(x=x, cond_or_uncond=cond_or_uncond, ad_params=ad_params, latent_format=self.latent_format) File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\model_injection.py", line 943, in prepare_img_features if sub_idxs is not None and self.orig_img_latents.size(0) >= full_length: ^^^^^^^^^^^^^^^^^^^^^^^^^^ AttributeError: 'NoneType' object has no attribute 'size'

2024-10-12 03:02:49,872 - root - INFO - Prompt executed in 242.10 seconds 2024-10-12 10:16:01,359 - root - INFO - got prompt 2024-10-12 10:16:01,649 - root - INFO - Unloading models for lowram load. 2024-10-12 10:16:03,159 - root - INFO - 3 models unloaded. 2024-10-12 10:16:03,159 - root - INFO - Loading 3 new models 2024-10-12 10:16:03,360 - root - INFO - loaded completely 0.0 689.0852355957031 True 2024-10-12 10:16:04,150 - root - INFO - loaded completely 0.0 1639.406135559082 True 2024-10-12 10:16:04,615 - root - INFO - loaded completely 0.0 1010.965576171875 True 2024-10-12 10:16:05,802 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'size' 2024-10-12 10:16:05,804 - root - ERROR - Traceback (most recent call last): File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 323, in execute output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 198, in get_output_data return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 169, in _map_node_over_list process_inputs(input_dict, i) File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\execution.py", line 158, in process_inputs results.append(getattr(obj, func)(inputs)) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\nodes.py", line 1434, in sample return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\nodes.py", line 1401, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample return original_sample(*args, *kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations. ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 526, in motion_sample latents = orig_comfy_sample(model, noise, args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample return orig_comfy_sample(model, *args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\utils.py", line 117, in uncond_multiplier_check_cn_sample return orig_comfy_sample(model, args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\sample.py", line 43, in sample samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 829, 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 "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 729, in sample return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 716, in sample output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 695, in inner_sample samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 600, in sample samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, self.extra_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\python_embeded\Lib\site-packages\torch\utils_contextlib.py", line 116, in decorate_context return func(args, kwargs) ^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\k_diffusion\sampling.py", line 843, in sample_lcm denoised = model(x, sigmas[i] * s_in, *extra_args) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 299, in call out = self.inner_model(x, sigma, model_options=model_options, seed=seed) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 682, in call return self.predict_noise(args, kwargs) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 685, 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 "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 635, in evolved_sampling_function cond_pred, uncond_pred = sliding_calc_condsbatch(model, [cond, uncond], x, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 887, in sliding_calc_conds_batch sub_conds_out = calc_conds_batch_wrapper(model, sub_conds, sub_x, sub_timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 993, in calc_conds_batch_wrapper return comfy.samplers.calc_cond_batch(model, conds, x_in, timestep, model_options) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\comfy\samplers.py", line 228, in calc_cond_batch output = model.apply_model(inputx, timestep, c).chunk(batch_chunks) ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^ File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 218, in apply_model_ade_wrapper motion_model.prepare_img_features(x=x, cond_or_uncond=cond_or_uncond, ad_params=ad_params, latent_format=self.latent_format) File "F:\aigc\Comfyui-Flux-nf4\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\model_injection.py", line 943, in prepare_img_features if sub_idxs is not None and self.orig_img_latents.size(0) >= full_length: ^^^^^^^^^^^^^^^^^^^^^^^^^^ AttributeError: 'NoneType' object has no attribute 'size'

2024-10-12 10:16:05,807 - root - INFO - Prompt executed in 4.39 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)
jeffreyrobeson commented 1 month ago

using the wrong model for ComfyUI-AnimateDiff-Evolved.