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
56.86k stars 6.02k forks source link

'NoneType' object has no attribute 'shape' #5651

Open kensenp opened 3 hours ago

kensenp commented 3 hours ago

Expected Behavior

'NoneType' object has no attribute 'shape'

Actual Behavior

face migration v3-cn-1731636022006 微信图片_20241117225117

Steps to Reproduce

zz workflow.json

Debug Logs

# ComfyUI Error Report
## Error Details
- **Node Type:** KSampler
- **Exception Type:** AttributeError
- **Exception Message:** 'NoneType' object has no attribute 'shape'
## Stack Trace

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1442, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1409, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,

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

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 420, in motion_sample
    return orig_comfy_sample(model, noise, *args, **kwargs)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample
    return orig_comfy_sample(model, *args, **kwargs)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\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 "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 855, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 753, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 740, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 719, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 624, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\k_diffusion\sampling.py", line 648, in sample_dpmpp_sde
    denoised = model(x, sigmas[i] * s_in, **extra_args)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 706, in __call__
    return self.predict_noise(*args, **kwargs)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 709, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\controlnet.py", line 255, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)

  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\cldm\cldm.py", line 420, in forward
    assert y.shape[0] == x.shape[0]

System Information

Logs

2024-11-17 22:35:26,191 - root - INFO - Total VRAM 12282 MB, total RAM 32581 MB
2024-11-17 22:35:26,191 - root - INFO - pytorch version: 2.3.1+cu121
2024-11-17 22:35:27,353 - root - INFO - xformers version: 0.0.27
2024-11-17 22:35:27,353 - root - INFO - Set vram state to: NORMAL_VRAM
2024-11-17 22:35:27,353 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4070 : cudaMallocAsync
2024-11-17 22:35:28,560 - root - INFO - Using xformers cross attention
2024-11-17 22:35:29,498 - root - INFO - [Prompt Server] web root: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\web
2024-11-17 22:35:32,668 - root - INFO - Total VRAM 12282 MB, total RAM 32581 MB
2024-11-17 22:35:32,668 - root - INFO - pytorch version: 2.3.1+cu121
2024-11-17 22:35:32,668 - root - INFO - xformers version: 0.0.27
2024-11-17 22:35:32,668 - root - INFO - Set vram state to: NORMAL_VRAM
2024-11-17 22:35:32,668 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4070 : cudaMallocAsync
2024-11-17 22:35:44,552 - root - INFO - 
Import times for custom nodes:
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\AIGODLIKE-ComfyUI-Translation
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ControlNet-LLLite-ComfyUI
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Inpaint-CropAndStitch
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\cg-use-everywhere
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\FreeU_Advanced
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_TiledKSampler
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\comfyui_segment_anything
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\stability-ComfyUI-nodes
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\masquerade-nodes-comfyui
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_SLK_joy_caption_two
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-WD14-Tagger
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_experiments
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\PowerNoiseSuite
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_JPS-Nodes
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_IPAdapter_plus
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\images-grid-comfy-plugin
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\Comfy_KepListStuff
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_UltimateSDUpscale
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyMath
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_HF_Servelress_Inference
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\comfyui-various
2024-11-17 22:35:44,552 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Custom-Scripts
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_essentials
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Fluxtapoz
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\websocket_image_save.py
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\Derfuu_ComfyUI_ModdedNodes
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-KJNodes
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\rgthree-comfy
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\efficiency-nodes-comfyui
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\comfyui-workspace-manager
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Marigold
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\comfyui_controlnet_aux
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-IC-Light
2024-11-17 22:35:44,553 - root - INFO -    0.0 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Inspire-Pack
2024-11-17 22:35:44,553 - root - INFO -    0.1 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_Soze
2024-11-17 22:35:44,553 - root - INFO -    0.1 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Crystools
2024-11-17 22:35:44,553 - root - INFO -    0.2 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_LayerStyle
2024-11-17 22:35:44,553 - root - INFO -    0.2 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-SAM2
2024-11-17 22:35:44,553 - root - INFO -    0.4 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_FizzNodes
2024-11-17 22:35:44,553 - root - INFO -    0.5 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Manager
2024-11-17 22:35:44,553 - root - INFO -    0.5 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Impact-Pack
2024-11-17 22:35:44,553 - root - INFO -    0.8 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Image-Filters
2024-11-17 22:35:44,553 - root - INFO -    0.9 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-PuLID-Flux-Enhanced
2024-11-17 22:35:44,553 - root - INFO -    2.4 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Easy-Use
2024-11-17 22:35:44,553 - root - INFO -    3.2 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI_Custom_Nodes_AlekPet
2024-11-17 22:35:44,553 - root - INFO -    4.9 seconds: D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\was-node-suite-comfyui
2024-11-17 22:35:44,553 - root - INFO - 
2024-11-17 22:35:44,565 - root - INFO - Starting server

2024-11-17 22:35:44,565 - root - INFO - To see the GUI go to: http://127.0.0.1:8188
2024-11-17 22:36:01,060 - root - INFO - got prompt
2024-11-17 22:36:01,183 - root - ERROR - Failed to validate prompt for output 592:
2024-11-17 22:36:01,183 - root - ERROR - * CheckpointLoaderSimple 463:
2024-11-17 22:36:01,183 - root - ERROR -   - Value not in list: ckpt_name: 'realvisxlV50_v50LightningBakedvae.safetensors' not in (list of length 36)
2024-11-17 22:36:01,183 - root - ERROR - * ControlNetLoader 469:
2024-11-17 22:36:01,183 - root - ERROR -   - Value not in list: control_net_name: 'diffusion_pytorch_model_promax.safetensors' not in (list of length 42)
2024-11-17 22:36:01,183 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,196 - root - ERROR - Failed to validate prompt for output 765:
2024-11-17 22:36:01,197 - root - ERROR - * UNETLoader 173:
2024-11-17 22:36:01,197 - root - ERROR -   - Value not in list: unet_name: 'pixelwave_flux1Dev03.safetensors' not in ['LCM_Dreamshaper_v7_4k.safetensors', 'LCM_SDXL.safetensors', 'LCM_SDXL_FP16.safetensors', 'LCM_SSD-1B.safetensors', 'flux1-dev-fp8.safetensors', 'flux1-dev.sft', 'flux1-schnell-fp8.safetensors', 'flux1-schnell.sft', 'iclight_sd15_fbc.safetensors', 'iclight_sd15_fc.safetensors', 'iclight_sd15_fcon.safetensors', 'pixelwave_flux1_dev_fp8_03.safetensors', '【FLUX】绪儿-红蓝幻想_FB8V1.safetensors', '绪儿 一青十色FLUX_FB8V1.safetensors']
2024-11-17 22:36:01,197 - root - ERROR - * LoraLoader 742:
2024-11-17 22:36:01,197 - root - ERROR -   - Value not in list: lora_name: 'FLUX.1-Turbo-Alpha.safetensors' not in (list of length 41)
2024-11-17 22:36:01,197 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,198 - root - ERROR - Failed to validate prompt for output 305:
2024-11-17 22:36:01,198 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,198 - root - ERROR - Failed to validate prompt for output 913:
2024-11-17 22:36:01,198 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,203 - root - ERROR - Failed to validate prompt for output 832:
2024-11-17 22:36:01,204 - root - ERROR - * UltralyticsDetectorProvider 197:
2024-11-17 22:36:01,204 - root - ERROR -   - Value not in list: model_name: 'bbox/hand_yolov9c.pt' not in ['bbox/face_yolov8m.pt', 'bbox/hand_yolov8s.pt', 'segm/person_yolov8m-seg.pt']
2024-11-17 22:36:01,205 - root - ERROR - * UpscaleModelLoader 737:
2024-11-17 22:36:01,205 - root - ERROR -   - Value not in list: model_name: '4xFaceUpDAT.pth' not in ['4x-AnimeSharp.pth', '4x-UltraSharp.pth', '4x_foolhardy_Remacri.pth', 'BSRGAN.pth', 'ESRGAN_4x.pth', 'RealESRGAN_x2.pth', 'RealESRGAN_x4.pth']
2024-11-17 22:36:01,205 - root - ERROR - * LoraLoaderModelOnly 839:
2024-11-17 22:36:01,205 - root - ERROR -   - Value not in list: lora_name: 'fluxRealSkin-V2.safetensors' not in (list of length 41)
2024-11-17 22:36:01,206 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,206 - root - ERROR - Failed to validate prompt for output 595:
2024-11-17 22:36:01,206 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,206 - root - ERROR - Failed to validate prompt for output 483:
2024-11-17 22:36:01,206 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,206 - root - ERROR - Failed to validate prompt for output 867:
2024-11-17 22:36:01,207 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,207 - root - ERROR - Failed to validate prompt for output 514:
2024-11-17 22:36:01,207 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,207 - root - ERROR - Failed to validate prompt for output 868:
2024-11-17 22:36:01,208 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,208 - root - ERROR - Failed to validate prompt for output 923:
2024-11-17 22:36:01,208 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,208 - root - ERROR - Failed to validate prompt for output 866:
2024-11-17 22:36:01,208 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,208 - root - ERROR - Failed to validate prompt for output 591:
2024-11-17 22:36:01,208 - root - ERROR - Output will be ignored
2024-11-17 22:36:01,426 - root - ERROR - !!! Exception during processing !!! Model in folder 'controlnet' with filename 'diffusion_pytorch_model_promax.safetensors' not found.
2024-11-17 22:36:01,428 - root - ERROR - Traceback (most recent call last):
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 761, in load_controlnet
    controlnet_path = folder_paths.get_full_path_or_raise("controlnet", control_net_name)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\folder_paths.py", line 280, in get_full_path_or_raise
    raise FileNotFoundError(f"Model in folder '{folder_name}' with filename '{filename}' not found.")
FileNotFoundError: Model in folder 'controlnet' with filename 'diffusion_pytorch_model_promax.safetensors' not found.

2024-11-17 22:36:01,428 - root - INFO - Prompt executed in 0.21 seconds
2024-11-17 22:44:52,801 - root - INFO - got prompt
2024-11-17 22:44:52,931 - root - ERROR - Failed to validate prompt for output 592:
2024-11-17 22:44:52,931 - root - ERROR - * CheckpointLoaderSimple 463:
2024-11-17 22:44:52,931 - root - ERROR -   - Value not in list: ckpt_name: 'realvisxlV50_v50LightningBakedvae.safetensors' not in (list of length 36)
2024-11-17 22:44:52,931 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,944 - root - ERROR - Failed to validate prompt for output 765:
2024-11-17 22:44:52,944 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,944 - root - ERROR - Failed to validate prompt for output 305:
2024-11-17 22:44:52,945 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,945 - root - ERROR - Failed to validate prompt for output 913:
2024-11-17 22:44:52,945 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,950 - root - ERROR - Failed to validate prompt for output 832:
2024-11-17 22:44:52,950 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,950 - root - ERROR - Failed to validate prompt for output 595:
2024-11-17 22:44:52,950 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,951 - root - ERROR - Failed to validate prompt for output 483:
2024-11-17 22:44:52,951 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,951 - root - ERROR - Failed to validate prompt for output 867:
2024-11-17 22:44:52,951 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,951 - root - ERROR - Failed to validate prompt for output 514:
2024-11-17 22:44:52,951 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,951 - root - ERROR - Failed to validate prompt for output 868:
2024-11-17 22:44:52,951 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,951 - root - ERROR - Failed to validate prompt for output 923:
2024-11-17 22:44:52,951 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,951 - root - ERROR - Failed to validate prompt for output 866:
2024-11-17 22:44:52,951 - root - ERROR - Output will be ignored
2024-11-17 22:44:52,952 - root - ERROR - Failed to validate prompt for output 591:
2024-11-17 22:44:52,952 - root - ERROR - Output will be ignored
2024-11-17 22:45:09,471 - root - INFO - got prompt
2024-11-17 22:45:41,325 - root - INFO - Prompt executed in 48.36 seconds
2024-11-17 22:45:41,811 - root - WARNING - clip missing: ['text_projection.weight']
2024-11-17 22:45:43,418 - root - INFO - Using xformers attention in VAE
2024-11-17 22:45:43,419 - root - INFO - Using xformers attention in VAE
2024-11-17 22:45:43,751 - root - INFO - model weight dtype torch.float16, manual cast: None
2024-11-17 22:45:43,758 - root - INFO - model_type EPS
2024-11-17 22:45:44,290 - root - INFO - Using xformers attention in VAE
2024-11-17 22:45:44,291 - root - INFO - Using xformers attention in VAE
2024-11-17 22:45:44,728 - root - INFO - Requested to load SD1ClipModel
2024-11-17 22:45:44,728 - root - INFO - Loading 1 new model
2024-11-17 22:45:44,880 - root - INFO - loaded completely 0.0 235.84423828125 True
2024-11-17 22:45:46,349 - root - INFO - Requested to load AutoencoderKL
2024-11-17 22:45:46,349 - root - INFO - Loading 1 new model
2024-11-17 22:45:46,384 - root - INFO - loaded completely 0.0 159.55708122253418 True
2024-11-17 22:45:46,712 - root - INFO - Requested to load BaseModel
2024-11-17 22:45:46,712 - root - INFO - Requested to load ControlNet
2024-11-17 22:45:46,712 - root - INFO - Loading 2 new models
2024-11-17 22:45:46,943 - root - INFO - loaded completely 0.0 1639.406135559082 True
2024-11-17 22:45:47,309 - root - INFO - loaded completely 0.0 2386.120147705078 True
2024-11-17 22:45:47,484 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'shape'
2024-11-17 22:45:47,488 - root - ERROR - Traceback (most recent call last):
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1442, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1409, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 420, in motion_sample
    return orig_comfy_sample(model, noise, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample
    return orig_comfy_sample(model, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\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 "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 855, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 753, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 740, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 719, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 624, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\k_diffusion\sampling.py", line 648, in sample_dpmpp_sde
    denoised = model(x, sigmas[i] * s_in, **extra_args)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 706, in __call__
    return self.predict_noise(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 709, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\controlnet.py", line 255, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\cldm\cldm.py", line 420, in forward
    assert y.shape[0] == x.shape[0]
AttributeError: 'NoneType' object has no attribute 'shape'

2024-11-17 22:45:47,490 - root - INFO - Prompt executed in 5.99 seconds
2024-11-17 22:46:11,134 - root - INFO - got prompt
2024-11-17 22:46:12,344 - root - INFO - model weight dtype torch.float16, manual cast: None
2024-11-17 22:46:12,345 - root - INFO - model_type EPS
2024-11-17 22:46:13,397 - root - INFO - Using xformers attention in VAE
2024-11-17 22:46:13,398 - root - INFO - Using xformers attention in VAE
2024-11-17 22:46:14,591 - root - INFO - Requested to load SD1ClipModel
2024-11-17 22:46:14,591 - root - INFO - Loading 1 new model
2024-11-17 22:46:14,663 - root - INFO - loaded completely 0.0 235.84423828125 True
2024-11-17 22:46:17,593 - root - INFO - Requested to load AutoencoderKL
2024-11-17 22:46:17,593 - root - INFO - Loading 1 new model
2024-11-17 22:46:17,630 - root - INFO - loaded completely 0.0 159.55708122253418 True
2024-11-17 22:46:17,887 - root - INFO - Requested to load BaseModel
2024-11-17 22:46:17,888 - root - INFO - Loading 1 new model
2024-11-17 22:46:18,252 - root - INFO - loaded completely 0.0 1639.406135559082 True
2024-11-17 22:46:18,281 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'shape'
2024-11-17 22:46:18,283 - root - ERROR - Traceback (most recent call last):
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1442, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1409, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 420, in motion_sample
    return orig_comfy_sample(model, noise, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample
    return orig_comfy_sample(model, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\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 "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 855, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 753, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 740, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 719, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 624, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\k_diffusion\sampling.py", line 648, in sample_dpmpp_sde
    denoised = model(x, sigmas[i] * s_in, **extra_args)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 706, in __call__
    return self.predict_noise(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 709, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\controlnet.py", line 255, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\cldm\cldm.py", line 420, in forward
    assert y.shape[0] == x.shape[0]
AttributeError: 'NoneType' object has no attribute 'shape'

2024-11-17 22:46:18,285 - root - INFO - Prompt executed in 7.04 seconds
2024-11-17 22:47:26,382 - root - INFO - got prompt
2024-11-17 22:47:26,690 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'shape'
2024-11-17 22:47:26,692 - root - ERROR - Traceback (most recent call last):
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1442, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1409, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 420, in motion_sample
    return orig_comfy_sample(model, noise, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample
    return orig_comfy_sample(model, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\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 "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 855, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 753, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 740, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 719, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 624, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\k_diffusion\sampling.py", line 648, in sample_dpmpp_sde
    denoised = model(x, sigmas[i] * s_in, **extra_args)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 706, in __call__
    return self.predict_noise(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 709, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\controlnet.py", line 255, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\cldm\cldm.py", line 420, in forward
    assert y.shape[0] == x.shape[0]
AttributeError: 'NoneType' object has no attribute 'shape'

2024-11-17 22:47:26,694 - root - INFO - Prompt executed in 0.15 seconds
2024-11-17 22:50:20,681 - root - INFO - got prompt
2024-11-17 22:50:20,869 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'shape'
2024-11-17 22:50:20,870 - root - ERROR - Traceback (most recent call last):
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1442, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1409, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 420, in motion_sample
    return orig_comfy_sample(model, noise, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample
    return orig_comfy_sample(model, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\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 "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 855, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 753, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 740, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 719, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 624, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\k_diffusion\sampling.py", line 648, in sample_dpmpp_sde
    denoised = model(x, sigmas[i] * s_in, **extra_args)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 706, in __call__
    return self.predict_noise(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 709, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\controlnet.py", line 255, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\cldm\cldm.py", line 420, in forward
    assert y.shape[0] == x.shape[0]
AttributeError: 'NoneType' object has no attribute 'shape'

2024-11-17 22:50:20,872 - root - INFO - Prompt executed in 0.09 seconds
2024-11-17 22:53:00,374 - root - INFO - got prompt
2024-11-17 22:53:00,746 - root - ERROR - !!! Exception during processing !!! 'NoneType' object has no attribute 'shape'
2024-11-17 22:53:00,749 - root - ERROR - Traceback (most recent call last):
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1442, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\nodes.py", line 1409, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
    return original_sample(*args, **kwargs)  # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 420, in motion_sample
    return orig_comfy_sample(model, noise, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\custom_nodes\ComfyUI-Advanced-ControlNet\adv_control\sampling.py", line 116, in acn_sample
    return orig_comfy_sample(model, *args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\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 "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\sample.py", line 43, in sample
    samples = sampler.sample(noise, positive, negative, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 855, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 753, in sample
    return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 740, in sample
    output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 719, in inner_sample
    samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 624, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\k_diffusion\sampling.py", line 648, in sample_dpmpp_sde
    denoised = model(x, sigmas[i] * s_in, **extra_args)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 299, in __call__
    out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 706, in __call__
    return self.predict_noise(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 709, 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:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 279, in sampling_function
    out = calc_cond_batch(model, conds, x, timestep, model_options)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\samplers.py", line 202, in calc_cond_batch
    c['control'] = control.get_control(input_x, timestep_, c, len(cond_or_uncond))
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\controlnet.py", line 255, in get_control
    control = self.control_model(x=x_noisy.to(dtype), hint=self.cond_hint, timesteps=timestep.to(dtype), context=context.to(dtype), **extra)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\python\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
  File "D:\ComfyUI-aki1.4\ComfyUI-aki-v1.4\comfy\cldm\cldm.py", line 420, in forward
    assert y.shape[0] == x.shape[0]
AttributeError: 'NoneType' object has no attribute 'shape'

2024-11-17 22:53:00,751 - root - INFO - Prompt executed in 0.19 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_