Closed Milor123 closed 1 month ago
If you update your Advanced-ControlNet, the error should go away. I pushed the update last night, but forgot to make a PSA post when more people encountered the issue: https://github.com/Kosinkadink/ComfyUI-Advanced-ControlNet/issues/191
If you update your Advanced-ControlNet, the error should go away. I pushed the update last night, but forgot to make a PSA post when more people encountered the issue: #191
Thank you very much bro, comfyUI dont detect your update but I've delete the folder and use git clone for redownload and now works..!!
Kiss thanks ❤️
如果您更新 Advanced-ControlNet,错误应该会消失。我昨晚推送了更新,但当更多人遇到此问题时,我忘了发布 PSA 帖子:#191
非常感谢兄弟,comfyUI 没有检测到您的更新,但我已删除该文件夹并使用 git clone 重新下载,现在可以正常工作..!!
亲亲谢谢❤️ Updated, deleted and reinstalled, still doesn't work, including the five files have been replaced, still doesn't work, tilediffusion must be turned off, but not turned off, it doesn't work~!
Post full error stack, but chances are your update simply did not work and you'll just need to update Advanced-ControlNet. There is no need for any manual code changes in Advanced-ControlNet. If you are not familiar with software development, trying to modify the files may the the cause of further updates not being pulled.
Same here. I uninstalled and then re-installed it because, after the simple update, I was still getting the error. Nothing changed though.
Here is the full log:
Exception Message: 'ControlNetAdvanced' object has no attribute 'device'
File "/workspace/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 "/workspace/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 "/workspace/ComfyUI/execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "/workspace/ComfyUI/execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "/workspace/ComfyUI/nodes.py", line 1442, in sample
return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
File "/workspace/ComfyUI/nodes.py", line 1409, in common_ksampler
samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
File "/workspace/ComfyUI/custom_nodes/ComfyUI-AnimateDiff-Evolved/animatediff/sampling.py", line 420, in motion_sample
return orig_comfy_sample(model, noise, *args, **kwargs)
File "/workspace/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 "/workspace/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/adv_control/sampling.py", line 116, in acn_sample
return orig_comfy_sample(model, *args, **kwargs)
File "/workspace/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 "/workspace/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 "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/utils.py", line 51, in KSampler_sample
return orig_fn(*args, **kwargs)
File "/workspace/ComfyUI/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 "/workspace/ComfyUI/comfy/samplers.py", line 753, in sample
return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
File "/workspace/ComfyUI/comfy/samplers.py", line 740, in sample
output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
File "/workspace/ComfyUI/comfy/samplers.py", line 719, in inner_sample
samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
File "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/utils.py", line 34, in KSAMPLER_sample
return orig_fn(*args, **kwargs)
File "/workspace/ComfyUI/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 "/workspace/ComfyUI/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 116, in decorate_context
return func(*args, **kwargs)
File "/workspace/ComfyUI/comfy/k_diffusion/sampling.py", line 724, in sample_dpmpp_2m_sde
denoised = model(x, sigmas[i] * s_in, **extra_args)
File "/workspace/ComfyUI/comfy/samplers.py", line 299, in __call__
out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
File "/workspace/ComfyUI/comfy/samplers.py", line 706, in __call__
return self.predict_noise(*args, **kwargs)
File "/workspace/ComfyUI/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 "/workspace/ComfyUI/comfy/samplers.py", line 279, in sampling_function
out = calc_cond_batch(model, conds, x, timestep, model_options)
File "/workspace/ComfyUI/comfy/samplers.py", line 226, in calc_cond_batch
output = model_options['model_function_wrapper'](model.apply_model, {"input": input_x, "timestep": timestep_, "c": c, "cond_or_uncond": cond_or_uncond}).chunk(batch_chunks)
File "/workspace/ComfyUI/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 116, in decorate_context
return func(*args, **kwargs)
File "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/tiled_diffusion.py", line 778, in __call__
self.process_controlnet(x_tile.shape, x_tile.dtype, c_in, cond_or_uncond, bboxes, N, batch_id)
File "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/tiled_diffusion.py", line 375, in process_controlnet
cns = common_upscale(control.cond_hint_original, PW, PH, control.upscale_algorithm, 'center').to(dtype=dtype, device=control.device)
## System Information
- **ComfyUI Version:** v0.2.5
- **Arguments:** main.py --listen 0.0.0.0 --port 3000
- **OS:** posix
- **Python Version:** 3.10.12 (main, Jun 11 2023, 05:26:28) [GCC 11.4.0]
- **Embedded Python:** false
- **PyTorch Version:** 2.4.1+cu124
## Devices
- **Name:** cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
- **Type:** cuda
- **VRAM Total:** 25386352640
- **VRAM Free:** 21949177522
- **Torch VRAM Total:** 2919235584
- **Torch VRAM Free:** 26795698
## Logs
2024-10-30 09:45:25,648 - root - INFO - Total VRAM 24210 MB, total RAM 257585 MB
2024-10-30 09:45:25,648 - root - INFO - pytorch version: 2.4.1+cu124
2024-10-30 09:45:46,251 - root - INFO - xformers version: 0.0.28.post1
2024-10-30 09:45:46,251 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-30 09:45:46,252 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
2024-10-30 09:45:51,361 - root - INFO - Using xformers cross attention
2024-10-30 09:46:03,604 - root - INFO - [Prompt Server] web root: /workspace/ComfyUI/web
2024-10-30 09:46:20,501 - matplotlib.font_manager - INFO - generated new fontManager
2024-10-30 09:46:25,626 - root - ERROR - [Impact Pack] Failed to import due to several dependencies are missing!!!!
2024-10-30 09:46:25,815 - root - WARNING - Traceback (most recent call last):
File "/workspace/ComfyUI/nodes.py", line 2006, in load_custom_node
module_spec.loader.exec_module(module)
File "
2024-10-30 09:46:25,815 - root - WARNING - Cannot import /workspace/ComfyUI/custom_nodes/ComfyUI-SVD module for custom nodes: cannot import name 'NODE_CLASS_MAPPINGS' from 'ComfyUI-SVD.comfyui_svd' (/workspace/ComfyUI/custom_nodes/ComfyUI-SVD/comfyui_svd.py)
2024-10-30 09:46:50,249 - root - INFO - --------------
2024-10-30 09:46:50,250 - root - INFO - [91m ### Mixlab Nodes: [93mLoaded
2024-10-30 09:46:50,501 - root - INFO - ChatGPT.available True
2024-10-30 09:46:50,516 - root - INFO - editmask.available True
2024-10-30 09:46:57,038 - root - INFO - ClipInterrogator.available True
2024-10-30 09:47:03,344 - root - INFO - PromptGenerate.available True
2024-10-30 09:47:03,344 - root - INFO - ChinesePrompt.available True
2024-10-30 09:47:03,345 - root - INFO - RembgNode.available True
2024-10-30 09:47:11,676 - root - INFO - TripoSR.available
2024-10-30 09:47:11,683 - root - INFO - MiniCPMNode.available
2024-10-30 09:47:12,095 - root - INFO - Scenedetect.available
2024-10-30 09:47:12,151 - root - INFO - FishSpeech.available False
2024-10-30 09:47:12,270 - root - INFO - SenseVoice.available
2024-10-30 09:47:13,250 - root - INFO - Whisper.available False
2024-10-30 09:47:13,360 - root - INFO - FalVideo.available
2024-10-30 09:47:13,360 - root - INFO - [93m -------------- [0m
2024-10-30 09:47:13,413 - root - INFO - Total VRAM 24210 MB, total RAM 257585 MB
2024-10-30 09:47:13,414 - root - INFO - pytorch version: 2.4.1+cu124
2024-10-30 09:47:13,414 - root - INFO - xformers version: 0.0.28.post1
2024-10-30 09:47:13,414 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-30 09:47:13,415 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
2024-10-30 09:47:32,426 - root - ERROR - [Impact Pack] Failed to import due to several dependencies are missing!!!!
2024-10-30 09:47:32,432 - root - WARNING - Traceback (most recent call last):
File "/workspace/ComfyUI/nodes.py", line 2006, in load_custom_node
module_spec.loader.exec_module(module)
File "
2024-10-30 09:47:32,432 - root - WARNING - Cannot import /workspace/ComfyUI/custom_nodes/ComfyUI-Impact-Pack module for custom nodes: No module named 'impact.subpack_nodes' 2024-10-30 09:47:32,778 - root - INFO - Import times for custom nodes: 2024-10-30 09:47:32,778 - root - INFO - 0.0 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI_IPAdapter_plus 2024-10-30 09:47:32,778 - root - INFO - 0.0 seconds: /workspace/ComfyUI/custom_nodes/efficiency-nodes-comfyui 2024-10-30 09:47:32,778 - root - INFO - 0.0 seconds: /workspace/ComfyUI/custom_nodes/websocket_image_save.py 2024-10-30 09:47:32,779 - root - INFO - 0.0 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-VideoHelperSuite 2024-10-30 09:47:32,779 - root - INFO - 0.0 seconds: /workspace/ComfyUI/custom_nodes/comfyui_controlnet_aux 2024-10-30 09:47:32,779 - root - INFO - 0.0 seconds: /workspace/ComfyUI/custom_nodes/image-resize-comfyui 2024-10-30 09:47:32,779 - root - INFO - 0.0 seconds (IMPORT FAILED): /workspace/ComfyUI/custom_nodes/ComfyUI-Impact-Pack 2024-10-30 09:47:32,779 - root - INFO - 0.0 seconds (IMPORT FAILED): /workspace/ComfyUI/custom_nodes/ComfyUI-SVD 2024-10-30 09:47:32,780 - root - INFO - 0.1 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion 2024-10-30 09:47:32,780 - root - INFO - 0.1 seconds: /workspace/ComfyUI/custom_nodes/comfyui-animatediff 2024-10-30 09:47:32,780 - root - INFO - 0.1 seconds: /workspace/ComfyUI/custom_nodes/comfyui-various 2024-10-30 09:47:32,780 - root - INFO - 0.1 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-Custom-Scripts 2024-10-30 09:47:32,780 - root - INFO - 0.2 seconds: /workspace/ComfyUI/custom_nodes/masquerade-nodes-comfyui 2024-10-30 09:47:32,780 - root - INFO - 0.2 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet 2024-10-30 09:47:32,781 - root - INFO - 0.2 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-Frame-Interpolation 2024-10-30 09:47:32,781 - root - INFO - 0.3 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-Manager 2024-10-30 09:47:32,781 - root - INFO - 0.3 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI_essentials 2024-10-30 09:47:32,781 - root - INFO - 0.4 seconds: /workspace/ComfyUI/custom_nodes/Derfuu_ComfyUI_ModdedNodes 2024-10-30 09:47:32,781 - root - INFO - 0.5 seconds: /workspace/ComfyUI/custom_nodes/rgthree-comfy 2024-10-30 09:47:32,782 - root - INFO - 0.5 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-Inspire-Pack 2024-10-30 09:47:32,782 - root - INFO - 0.5 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-KJNodes 2024-10-30 09:47:32,782 - root - INFO - 0.5 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI-AnimateDiff-Evolved 2024-10-30 09:47:32,782 - root - INFO - 0.7 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI_Comfyroll_CustomNodes 2024-10-30 09:47:32,782 - root - INFO - 1.4 seconds: /workspace/ComfyUI/custom_nodes/ComfyUI_tinyterraNodes 2024-10-30 09:47:32,782 - root - INFO - 6.5 seconds: /workspace/ComfyUI/custom_nodes/comfyui-reactor-node 2024-10-30 09:47:32,783 - root - INFO - 9.3 seconds: /workspace/ComfyUI/custom_nodes/comfyui-art-venture 2024-10-30 09:47:32,783 - root - INFO - 15.9 seconds: /workspace/ComfyUI/custom_nodes/was-node-suite-comfyui 2024-10-30 09:47:32,783 - root - INFO - 39.5 seconds: /workspace/ComfyUI/custom_nodes/comfyui-mixlab-nodes 2024-10-30 09:47:32,783 - root - INFO - 2024-10-30 09:47:32,838 - root - INFO - Starting server
2024-10-30 09:47:32,839 - root - INFO - To see the GUI go to: http://0.0.0.0:3000 2024-10-30 09:53:18,988 - root - INFO - got prompt 2024-10-30 09:53:19,047 - root - ERROR - Failed to validate prompt for output 233: 2024-10-30 09:53:19,047 - root - ERROR - * ACN_AdvancedControlNetApply 278: 2024-10-30 09:53:19,047 - root - ERROR - - Required input is missing: image 2024-10-30 09:53:19,048 - root - ERROR - Output will be ignored 2024-10-30 09:53:19,048 - root - ERROR - Failed to validate prompt for output 243: 2024-10-30 09:53:19,048 - root - ERROR - Output will be ignored 2024-10-30 09:53:19,049 - root - ERROR - Failed to validate prompt for output 259: 2024-10-30 09:53:19,049 - root - ERROR - Output will be ignored 2024-10-30 09:53:20,053 - root - INFO - Prompt executed in 1.00 seconds 2024-10-30 09:53:27,755 - root - INFO - got prompt 2024-10-30 09:53:30,305 - root - INFO - model weight dtype torch.float16, manual cast: None 2024-10-30 09:53:30,403 - root - INFO - model_type EPS 2024-10-30 09:53:44,628 - root - INFO - Using xformers attention in VAE 2024-10-30 09:53:44,633 - root - INFO - Using xformers attention in VAE 2024-10-30 09:53:47,354 - root - WARNING - Warning torch.load doesn't support weights_only on this pytorch version, loading unsafely. 2024-10-30 09:54:04,478 - root - INFO - Requested to load AutoencoderKL 2024-10-30 09:54:04,613 - root - INFO - Loading 1 new model 2024-10-30 09:54:04,637 - root - INFO - loaded completely 0.0 159.55708122253418 True 2024-10-30 09:54:17,495 - root - INFO - Requested to load SD1ClipModel 2024-10-30 09:54:17,495 - root - INFO - Loading 1 new model 2024-10-30 09:54:17,533 - root - INFO - loaded completely 0.0 235.84423828125 True 2024-10-30 09:54:18,437 - root - INFO - Requested to load ControlNet 2024-10-30 09:54:18,438 - root - INFO - Requested to load BaseModel 2024-10-30 09:54:18,438 - root - INFO - Loading 2 new models 2024-10-30 09:54:18,530 - root - INFO - loaded completely 0.0 689.0852355957031 True 2024-10-30 09:54:18,745 - root - INFO - loaded completely 0.0 1639.406135559082 True 2024-10-30 09:54:18,989 - root - ERROR - !!! Exception during processing !!! 'ControlNetAdvanced' object has no attribute 'device' 2024-10-30 09:54:19,459 - root - ERROR - Traceback (most recent call last): File "/workspace/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 "/workspace/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 "/workspace/ComfyUI/execution.py", line 169, in _map_node_over_list process_inputs(input_dict, i) File "/workspace/ComfyUI/execution.py", line 158, in process_inputs results.append(getattr(obj, func)(inputs)) File "/workspace/ComfyUI/nodes.py", line 1442, in sample return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise) File "/workspace/ComfyUI/nodes.py", line 1409, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, File "/workspace/ComfyUI/custom_nodes/ComfyUI-AnimateDiff-Evolved/animatediff/sampling.py", line 420, in motion_sample return orig_comfy_sample(model, noise, *args, *kwargs) File "/workspace/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 "/workspace/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/adv_control/sampling.py", line 116, in acn_sample return orig_comfy_sample(model, *args, kwargs) File "/workspace/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 "/workspace/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 "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/utils.py", line 51, in KSampler_sample return orig_fn(args, kwargs) File "/workspace/ComfyUI/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 "/workspace/ComfyUI/comfy/samplers.py", line 753, in sample return cfg_guider.sample(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) File "/workspace/ComfyUI/comfy/samplers.py", line 740, in sample output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed) File "/workspace/ComfyUI/comfy/samplers.py", line 719, in inner_sample samples = sampler.sample(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) File "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/utils.py", line 34, in KSAMPLER_sample return orig_fn(args, kwargs) File "/workspace/ComfyUI/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 "/workspace/ComfyUI/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 116, in decorate_context return func(args, kwargs) File "/workspace/ComfyUI/comfy/k_diffusion/sampling.py", line 724, in sample_dpmpp_2m_sde denoised = model(x, sigmas[i] * s_in, *extra_args) File "/workspace/ComfyUI/comfy/samplers.py", line 299, in call out = self.inner_model(x, sigma, model_options=model_options, seed=seed) File "/workspace/ComfyUI/comfy/samplers.py", line 706, in call return self.predict_noise(args, kwargs) File "/workspace/ComfyUI/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 "/workspace/ComfyUI/comfy/samplers.py", line 279, in sampling_function out = calc_cond_batch(model, conds, x, timestep, model_options) File "/workspace/ComfyUI/comfy/samplers.py", line 226, in calc_cond_batch output = model_options['model_function_wrapper'](model.apply_model, {"input": inputx, "timestep": timestep, "c": c, "cond_or_uncond": cond_or_uncond}).chunk(batch_chunks) File "/workspace/ComfyUI/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 116, in decorate_context return func(*args, **kwargs) File "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/tiled_diffusion.py", line 778, in call self.process_controlnet(x_tile.shape, x_tile.dtype, c_in, cond_or_uncond, bboxes, N, batch_id) File "/workspace/ComfyUI/custom_nodes/ComfyUI-TiledDiffusion/tiled_diffusion.py", line 375, in process_controlnet cns = common_upscale(control.cond_hint_original, PW, PH, control.upscale_algorithm, 'center').to(dtype=dtype, device=control.device) AttributeError: 'ControlNetAdvanced' object has no attribute 'device'
2024-10-30 09:54:19,469 - root - INFO - Prompt executed in 51.65 seconds
## Attached Workflow
Please make sure that workflow does not contain any sensitive information such as API keys or passwords.
{"last_node_id":279,"last_link_id":673,"nodes":[{"id":177,"type":"SeedSelector","pos":{"0":360,"1":900},"size":{"0":710,"1":130},"flags":{},"order":0,"mode":0,"inputs":[],"outputs":[{"name":"seed","type":"INT","links":[],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"SeedSelector"},"widgets_values":[true,1123098476218438,"randomize",0]},{"id":239,"type":"ColorMatch","pos":{"0":1440,"1":770},"size":{"0":320,"1":102},"flags":{},"order":20,"mode":0,"inputs":[{"name":"image_ref","type":"IMAGE","link":574,"slot_index":0},{"name":"image_target","type":"IMAGE","link":573}],"outputs":[{"name":"image","type":"IMAGE","links":[575],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"ColorMatch"},"widgets_values":["mkl",1]},{"id":243,"type":"PreviewImage","pos":{"0":1440,"1":1270},"size":{"0":320,"1":320},"flags":{},"order":21,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":581}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":257,"type":"ImageSharpen","pos":{"0":1870,"1":770},"size":{"0":320,"1":110},"flags":{},"order":22,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":624}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[625],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"ImageSharpen"},"widgets_values":[1,0.5,0.5]},{"id":259,"type":"PreviewImage","pos":{"0":1800,"1":1280},"size":{"0":320,"1":320},"flags":{},"order":24,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":625}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":265,"type":"PreviewImage","pos":{"0":860,"1":2010},"size":{"0":210,"1":250},"flags":{},"order":15,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":643}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":229,"type":"TiledDiffusion","pos":{"0":1100,"1":100},"size":{"0":320,"1":154},"flags":{},"order":5,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":615}],"outputs":[{"name":"MODEL","type":"MODEL","links":[554],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"TiledDiffusion"},"widgets_values":["Mixture of Diffusers",512,512,128,4]},{"id":230,"type":"VAEEncodeTiled_TiledDiffusion","pos":{"0":1100,"1":570},"size":{"0":320,"1":130},"flags":{},"order":14,"mode":0,"inputs":[{"name":"pixels","type":"IMAGE","link":622},{"name":"vae","type":"VAE","link":550}],"outputs":[{"name":"LATENT","type":"LATENT","links":[551],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"VAEEncodeTiled_TiledDiffusion"},"widgets_values":[512,true,true]},{"id":99,"type":"CheckpointLoaderSimple","pos":{"0":360,"1":90},"size":{"0":710,"1":100},"flags":{},"order":1,"mode":0,"inputs":[],"outputs":[{"name":"MODEL","type":"MODEL","links":[172,615],"slot_index":0},{"name":"CLIP","type":"CLIP","links":[173,176,181],"slot_index":1},{"name":"VAE","type":"VAE","links":[550,556],"slot_index":2}],"properties":{"Node name for S&R":"CheckpointLoaderSimple"},"widgets_values":["epicrealism_naturalSinRC1VAE.safetensors"]},{"id":76,"type":"Load Lora","pos":{"0":360,"1":240},"size":{"0":710,"1":150},"flags":{},"order":6,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":172},{"name":"clip","type":"CLIP","link":173}],"outputs":[{"name":"MODEL","type":"MODEL","links":[],"slot_index":0,"shape":3},{"name":"CLIP","type":"CLIP","links":[],"slot_index":1,"shape":3},{"name":"NAME_STRING","type":"STRING","links":null,"shape":3}],"properties":{"Node name for S&R":"Load Lora"},"widgets_values":["more_details.safetensors",0.2,1]},{"id":66,"type":"LoadImage","pos":{"0":-120,"1":90},"size":{"0":450,"1":320},"flags":{},"order":2,"mode":0,"inputs":[],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[166,574],"slot_index":0,"shape":3},{"name":"MASK","type":"MASK","links":null,"shape":3}],"properties":{"Node name for S&R":"LoadImage"},"widgets_values":["ComfyUI_temp_sinjj00001.png","image"]},{"id":231,"type":"VAEDecodeTiled_TiledDiffusion","pos":{"0":1440,"1":620},"size":{"0":320,"1":102},"flags":{},"order":19,"mode":0,"inputs":[{"name":"samples","type":"LATENT","link":555},{"name":"vae","type":"VAE","link":556}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[573,581,624],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"VAEDecodeTiled_TiledDiffusion"},"widgets_values":[512,true]},{"id":233,"type":"PreviewImage","pos":{"0":1440,"1":910},"size":{"0":320,"1":320},"flags":{},"order":23,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":575}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":232,"type":"KSampler","pos":{"0":1440,"1":100},"size":{"0":320,"1":470},"flags":{},"order":18,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":554},{"name":"positive","type":"CONDITIONING","link":671},{"name":"negative","type":"CONDITIONING","link":672},{"name":"latent_image","type":"LATENT","link":551}],"outputs":[{"name":"LATENT","type":"LATENT","links":[555],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"KSampler"},"widgets_values":[326295585544160,"randomize",30,6,"dpmpp_2m_sde","karras",0.3]},{"id":275,"type":"PreviewImage","pos":{"0":510,"1":2010},"size":{"0":210,"1":250},"flags":{},"order":16,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":659}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":254,"type":"CR Upscale Image","pos":{"0":1100,"1":300},"size":{"0":320,"1":222},"flags":{},"order":10,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":621}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[622],"slot_index":0,"shape":3},{"name":"show_help","type":"STRING","links":null,"shape":3}],"properties":{"Node name for S&R":"CR Upscale Image"},"widgets_values":["4x-UltraSharp.pth","rescale",1.75,512,"lanczos","true",8]},{"id":268,"type":"DepthAnythingPreprocessor","pos":{"0":350,"1":1630},"size":{"0":350,"1":82},"flags":{},"order":11,"mode":4,"inputs":[{"name":"image","type":"IMAGE","link":641}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[643],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"DepthAnythingPreprocessor"},"widgets_values":["depth_anything_vitl14.pth",1024]},{"id":276,"type":"ControlNetLoaderAdvanced","pos":{"0":354,"1":1429},"size":[711.7778212422711,58],"flags":{},"order":3,"mode":0,"inputs":[{"name":"tk_optional","type":"TIMESTEP_KEYFRAME","link":null,"shape":7}],"outputs":[{"name":"CONTROL_NET","type":"CONTROL_NET","links":[662],"slot_index":0}],"properties":{"Node name for S&R":"ControlNetLoaderAdvanced"},"widgets_values":["control_v11f1e_sd15_tile_fp16.safetensors"]},{"id":100,"type":"CLIPTextEncode","pos":{"0":360,"1":430},"size":{"0":710,"1":220},"flags":{},"order":8,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":181}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[665],"slot_index":0}],"properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["RAW photo, \n\nmasterpiece,\n\narchitectural photography, dezeen, archdaily, 8k uhd, dslr, soft lighting, high quality, Fujifilm XT3 "]},{"id":101,"type":"CLIPTextEncode","pos":{"0":360,"1":700},"size":{"0":710,"1":160},"flags":{},"order":7,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":176}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[666],"slot_index":0}],"properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["text, watermark, fake, rendering, 3d, painting, worst quality, low quality, blurry, b&w, cartoon, 3d, bad art, poorly drawn, close up, pixelated, illustration, barefoot"]},{"id":278,"type":"ACN_AdvancedControlNetApply","pos":{"0":785,"1":1081},"size":{"0":285.6000061035156,"1":286},"flags":{},"order":13,"mode":0,"inputs":[{"name":"positive","type":"CONDITIONING","link":665},{"name":"negative","type":"CONDITIONING","link":666},{"name":"control_net","type":"CONTROL_NET","link":662},{"name":"image","type":"IMAGE","link":673},{"name":"mask_optional","type":"MASK","link":null,"shape":7},{"name":"timestep_kf","type":"TIMESTEP_KEYFRAME","link":null,"shape":7},{"name":"latent_kf_override","type":"LATENT_KEYFRAME","link":null,"shape":7},{"name":"weights_override","type":"CONTROL_NET_WEIGHTS","link":null,"shape":7},{"name":"model_optional","type":"MODEL","link":null,"shape":7},{"name":"vae_optional","type":"VAE","link":null,"shape":7}],"outputs":[{"name":"positive","type":"CONDITIONING","links":[667],"slot_index":0},{"name":"negative","type":"CONDITIONING","links":[668],"slot_index":1},{"name":"model_opt","type":"MODEL","links":null}],"properties":{"Node name for S&R":"ACN_AdvancedControlNetApply"},"widgets_values":[1,0,1,""]},{"id":274,"type":"DepthAnythingV2Preprocessor","pos":{"0":350,"1":1750},"size":{"0":350,"1":82},"flags":{},"order":12,"mode":4,"inputs":[{"name":"image","type":"IMAGE","link":660}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[659,669],"slot_index":0}],"properties":{"Node name for S&R":"DepthAnythingV2Preprocessor"},"widgets_values":["depth_anything_v2_vitl.pth",1024]},{"id":277,"type":"ControlNetLoaderAdvanced","pos":{"0":350,"1":1890},"size":[714.5058886861179,58],"flags":{},"order":4,"mode":4,"inputs":[{"name":"tk_optional","type":"TIMESTEP_KEYFRAME","link":null,"shape":7}],"outputs":[{"name":"CONTROL_NET","type":"CONTROL_NET","links":[670],"slot_index":0}],"properties":{"Node name for S&R":"ControlNetLoaderAdvanced"},"widgets_values":["control_v11f1p_sd15_depth_fp16.safetensors"]},{"id":279,"type":"ACN_AdvancedControlNetApply","pos":{"0":780,"1":1540},"size":{"0":285.6000061035156,"1":286},"flags":{},"order":17,"mode":4,"inputs":[{"name":"positive","type":"CONDITIONING","link":667},{"name":"negative","type":"CONDITIONING","link":668},{"name":"control_net","type":"CONTROL_NET","link":670},{"name":"image","type":"IMAGE","link":669},{"name":"mask_optional","type":"MASK","link":null,"shape":7},{"name":"timestep_kf","type":"TIMESTEP_KEYFRAME","link":null,"shape":7},{"name":"latent_kf_override","type":"LATENT_KEYFRAME","link":null,"shape":7},{"name":"weights_override","type":"CONTROL_NET_WEIGHTS","link":null,"shape":7},{"name":"model_optional","type":"MODEL","link":null,"shape":7},{"name":"vae_optional","type":"VAE","link":null,"shape":7}],"outputs":[{"name":"positive","type":"CONDITIONING","links":[671],"slot_index":0},{"name":"negative","type":"CONDITIONING","links":[672],"slot_index":1},{"name":"model_opt","type":"MODEL","links":null}],"properties":{"Node name for S&R":"ACN_AdvancedControlNetApply"},"widgets_values":[1,0,1,""]},{"id":68,"type":"ImageResize","pos":{"0":-120,"1":450},"size":{"0":450,"1":250},"flags":{},"order":9,"mode":0,"inputs":[{"name":"pixels","type":"IMAGE","link":166},{"name":"mask_optional","type":"MASK","link":null,"shape":7}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[621,641,660,673],"slot_index":0,"shape":3},{"name":"MASK","type":"MASK","links":null,"shape":3}],"properties":{"Node name for S&R":"ImageResize"},"widgets_values":["resize only",1024,0,0,"any","0",0,0]}],"links":[[166,66,0,68,0,"IMAGE"],[172,99,0,76,0,"MODEL"],[173,99,1,76,1,"CLIP"],[176,99,1,101,0,"CLIP"],[181,99,1,100,0,"CLIP"],[550,99,2,230,1,"VAE"],[551,230,0,232,3,"LATENT"],[554,229,0,232,0,"MODEL"],[555,232,0,231,0,"LATENT"],[556,99,2,231,1,"VAE"],[573,231,0,239,1,"IMAGE"],[574,66,0,239,0,"IMAGE"],[575,239,0,233,0,"IMAGE"],[581,231,0,243,0,"IMAGE"],[615,99,0,229,0,"MODEL"],[621,68,0,254,0,"IMAGE"],[622,254,0,230,0,"IMAGE"],[624,231,0,257,0,"IMAGE"],[625,257,0,259,0,"IMAGE"],[641,68,0,268,0,"IMAGE"],[643,268,0,265,0,"IMAGE"],[659,274,0,275,0,"IMAGE"],[660,68,0,274,0,"IMAGE"],[662,276,0,278,2,"CONTROL_NET"],[665,100,0,278,0,"CONDITIONING"],[666,101,0,278,1,"CONDITIONING"],[667,278,0,279,0,"CONDITIONING"],[668,278,1,279,1,"CONDITIONING"],[669,274,0,279,3,"IMAGE"],[670,277,0,279,2,"CONTROL_NET"],[671,279,0,232,1,"CONDITIONING"],[672,279,1,232,2,"CONDITIONING"],[673,68,0,278,3,"IMAGE"]],"groups":[],"config":{},"extra":{"ds":{"scale":0.797202450000001,"offset":[84.51771317870546,21.42435799885252]}},"version":0.4}
## Additional Context
(Please add any additional context or steps to reproduce the error here)
![Screenshot_3](https://github.com/user-attachments/assets/504f171b-0d55-415c-970a-948b5a22a3cb)
Your error is different and is caused by TiledDiffusion - it seems TiledDiffusion (or at least the version you have) has not accounted for the fact that ControlNet class no longer has a device property, which Advanced-ControlNet has also accounted for. Which is why the error says that ControlNetAdvanced does not have a device property.
They'd have to fix that on their end, as it means it would no longer work with vanilla ControlNets either.
Yes, any ControlNet is causing the issue and it only happens in the Run Pod environment. I have no problems running it in the local installation. I'll try contacting the TiledDiffusion people and see if they can help. Thanks for checking it out!
ControlNetLoaderAdvanced 'ControlNet' object has no attribute 'device'
my workflow now is broken after update all yesterday
try many things but always show the same bug what should i do guys?
Thank u very much !!!