You signed in with another tab or window. Reload to refresh your session.You signed out in another tab or window. Reload to refresh your session.You switched accounts on another tab or window. Reload to refresh your session.Dismiss alert
An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
Exception Message: An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
Stack Trace
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\node_wrappers\depth_anything.py", line 19, in execute
model = DepthAnythingDetector.from_pretrained(filename=ckpt_name).to(model_management.get_torch_device())
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\depth_anything\__init__.py", line 40, in from_pretrained
model_path = custom_hf_download(pretrained_model_or_path, filename, subfolder="checkpoints", repo_type="space")
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\util.py", line 297, in custom_hf_download
model_path = hf_hub_download(repo_id=pretrained_model_or_path,
File "<enhanced_experience patches.hfmirror.huggingface_hub>", line 47, in hf_hub_download_wrapper_inner
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1371, in hf_hub_download
raise LocalEntryNotFoundError(
System Information
ComfyUI Version: v0.2.3
Arguments: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\main.py --auto-launch --preview-method auto --disable-cuda-malloc
Name: cuda:0 NVIDIA GeForce RTX 4060 Ti : cudaMallocAsync
Type: cuda
VRAM Total: 17175150592
VRAM Free: 8757692948
Torch VRAM Total: 7147094016
Torch VRAM Free: 7326228
Logs
2024-10-15 10:43:22,307 - root - INFO - Total VRAM 16380 MB, total RAM 32509 MB
2024-10-15 10:43:22,307 - root - INFO - pytorch version: 2.1.2+cu118
2024-10-15 10:43:22,443 - root - INFO - xformers version: 0.0.23.post1+cu118
2024-10-15 10:43:22,443 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-15 10:43:22,443 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4060 Ti : cudaMallocAsync
2024-10-15 10:43:22,974 - root - INFO - Using xformers cross attention
2024-10-15 10:43:23,329 - root - INFO - [Prompt Server] web root: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\web
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path checkpoints D:\StableDiffusion\sd-webui-aki-v4.7\models/Stable-diffusion
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path configs D:\StableDiffusion\sd-webui-aki-v4.7\models/Stable-diffusion
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path vae D:\StableDiffusion\sd-webui-aki-v4.7\models/VAE
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path loras D:\StableDiffusion\sd-webui-aki-v4.7\models/Lora
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path loras D:\StableDiffusion\sd-webui-aki-v4.7\models/LyCORIS
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path upscale_models D:\StableDiffusion\sd-webui-aki-v4.7\models/ESRGAN
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path upscale_models D:\StableDiffusion\sd-webui-aki-v4.7\models/RealESRGAN
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path upscale_models D:\StableDiffusion\sd-webui-aki-v4.7\models/SwinIR
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path embeddings D:\StableDiffusion\sd-webui-aki-v4.7\embeddings
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path hypernetworks D:\StableDiffusion\sd-webui-aki-v4.7\models/hypernetworks
2024-10-15 10:43:23,330 - root - INFO - Adding extra search path controlnet D:\StableDiffusion\sd-webui-aki-v4.7\models/ControlNet
2024-10-15 10:43:23,757 - root - WARNING - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "<frozen importlib._bootstrap_external>", line 883, in exec_module
File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\comfy_extras\nodes_audio.py", line 1, in <module>
import torchaudio
ModuleNotFoundError: No module named 'torchaudio'
2024-10-15 10:43:23,758 - root - WARNING - Cannot import D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\comfy_extras\nodes_audio.py module for custom nodes: No module named 'torchaudio'
2024-10-15 10:43:28,337 - root - INFO - Total VRAM 16380 MB, total RAM 32509 MB
2024-10-15 10:43:28,337 - root - INFO - pytorch version: 2.1.2+cu118
2024-10-15 10:43:28,337 - root - INFO - xformers version: 0.0.23.post1+cu118
2024-10-15 10:43:28,337 - root - INFO - Set vram state to: NORMAL_VRAM
2024-10-15 10:43:28,337 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 4060 Ti : cudaMallocAsync
2024-10-15 10:43:38,991 - root - WARNING - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "<frozen importlib._bootstrap_external>", line 879, in exec_module
File "<frozen importlib._bootstrap_external>", line 1016, in get_code
File "<frozen importlib._bootstrap_external>", line 1073, in get_data
FileNotFoundError: [Errno 2] No such file or directory: 'D:\\ComfyUI\\aaaki\\ComfyUI-aki-v1.3\\custom_nodes\\Depth-Anything-V2-main\\__init__.py'
2024-10-15 10:43:38,991 - root - WARNING - Cannot import D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\Depth-Anything-V2-main module for custom nodes: [Errno 2] No such file or directory: 'D:\\ComfyUI\\aaaki\\ComfyUI-aki-v1.3\\custom_nodes\\Depth-Anything-V2-main\\__init__.py'
2024-10-15 10:43:39,037 - root - WARNING - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "<frozen importlib._bootstrap_external>", line 883, in exec_module
File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\efficiency-nodes-comfyui\__init__.py", line 9, in <module>
from .efficiency_nodes import NODE_CLASS_MAPPINGS
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\efficiency-nodes-comfyui\efficiency_nodes.py", line 46, in <module>
from .py import smZ_cfg_denoiser
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\efficiency-nodes-comfyui\py\smZ_cfg_denoiser.py", line 7, in <module>
from comfy.samplers import KSampler, KSamplerX0Inpaint, wrap_model
ImportError: cannot import name 'wrap_model' from 'comfy.samplers' (D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\comfy\samplers.py)
2024-10-15 10:43:39,037 - root - WARNING - Cannot import D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\efficiency-nodes-comfyui module for custom nodes: cannot import name 'wrap_model' from 'comfy.samplers' (D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\comfy\samplers.py)
2024-10-15 10:43:39,058 - root - INFO -
Import times for custom nodes:
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\websocket_image_save.py
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\AIGODLIKE-ComfyUI-Translation
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ControlNet-LLLite-ComfyUI
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\FreeU_Advanced
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_TiledKSampler
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\stability-ComfyUI-nodes
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_IPAdapter_plus
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-WD14-Tagger
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_experiments
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\PowerNoiseSuite
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Marigold-main
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds (IMPORT FAILED): D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\Depth-Anything-V2-main
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\images-grid-comfy-plugin
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Custom-Scripts
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_UltimateSDUpscale
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Advanced-ControlNet
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Marigold
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\Derfuu_ComfyUI_ModdedNodes
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-AnimateDiff-Evolved
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds (IMPORT FAILED): D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\efficiency-nodes-comfyui
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\rgthree-comfy-main
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui-workspace-manager-main
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\Derfuu_ComfyUI_ModdedNodes-master
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-depth-fm-main
2024-10-15 10:43:39,058 - root - INFO - 0.0 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Inspire-Pack
2024-10-15 10:43:39,058 - root - INFO - 0.1 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-DepthFM-main
2024-10-15 10:43:39,058 - root - INFO - 0.2 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Geowizard-main
2024-10-15 10:43:39,058 - root - INFO - 0.2 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_FizzNodes
2024-10-15 10:43:39,058 - root - INFO - 0.3 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux
2024-10-15 10:43:39,058 - root - INFO - 0.3 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Depth-Anything-Tensorrt-master
2024-10-15 10:43:39,058 - root - INFO - 0.5 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Manager
2024-10-15 10:43:39,058 - root - INFO - 2.5 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Impact-Pack
2024-10-15 10:43:39,058 - root - INFO - 4.2 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Crystools
2024-10-15 10:43:39,058 - root - INFO - 6.8 seconds: D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI_Custom_Nodes_AlekPet
2024-10-15 10:43:39,058 - root - INFO -
2024-10-15 10:43:39,058 - root - WARNING - WARNING: some comfy_extras/ nodes did not import correctly. This may be because they are missing some dependencies.
2024-10-15 10:43:39,058 - root - WARNING - IMPORT FAILED: nodes_audio.py
2024-10-15 10:43:39,058 - root - WARNING -
This issue might be caused by new missing dependencies added the last time you updated ComfyUI.
2024-10-15 10:43:39,058 - root - WARNING - Please do a: pip install -r requirements.txt
2024-10-15 10:43:39,058 - root - WARNING -
2024-10-15 10:43:39,067 - root - INFO - Starting server
2024-10-15 10:43:39,067 - root - INFO - To see the GUI go to: http://127.0.0.1:8188
2024-10-15 10:43:39,828 - root - ERROR - [ERROR] An error occurred while retrieving information for the 'DepthAnythingTensorrt' node.
2024-10-15 10:43:39,829 - root - ERROR - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\server.py", line 564, in get_object_info
out[x] = node_info(x)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\server.py", line 531, in node_info
info['input'] = obj_class.INPUT_TYPES()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\ComfyUI-Depth-Anything-Tensorrt-master\__init__.py", line 18, in INPUT_TYPES
"engine": (os.listdir(ENGINE_DIR),),
FileNotFoundError: [WinError 3] 系统找不到指定的路径。: 'D:\\ComfyUI\\aaaki\\ComfyUI-aki-v1.3\\models\\tensorrt\\depth-anything'
2024-10-15 10:45:15,242 - root - INFO - got prompt
2024-10-15 10:45:15,246 - root - ERROR - Failed to validate prompt for output 75:
2024-10-15 10:45:15,246 - root - ERROR - * ControlNetLoader 73:
2024-10-15 10:45:15,246 - root - ERROR - - Value not in list: control_net_name: 'control_v11f1p_sd15_depth' not in ['control_v11e_sd15_ip2p_fp16.safetensors', 'control_v11e_sd15_shuffle_fp16.safetensors', 'control_v11f1e_sd15_tile_fp16.safetensors', 'control_v11f1p_sd15_depth_fp16.safetensors', 'control_v11p_sd15_canny_fp16.safetensors', 'control_v11p_sd15_inpaint_fp16.safetensors', 'control_v11p_sd15_lineart_fp16.safetensors', 'control_v11p_sd15_mlsd_fp16.safetensors', 'control_v11p_sd15_normalbae_fp16.safetensors', 'control_v11p_sd15_openpose_fp16.safetensors', 'control_v11p_sd15_scribble_fp16.safetensors', 'control_v11p_sd15_seg_fp16.safetensors', 'control_v11p_sd15_softedge_fp16.safetensors', 'control_v11p_sd15s2_lineart_anime_fp16.safetensors']
2024-10-15 10:45:15,246 - root - ERROR - * CheckpointLoaderSimple 62:
2024-10-15 10:45:15,246 - root - ERROR - - Value not in list: ckpt_name: 'AziibPixelMix_v1.0' not in (list of length 36)
2024-10-15 10:45:15,246 - root - ERROR - Output will be ignored
2024-10-15 10:45:15,248 - root - ERROR - Failed to validate prompt for output 26:
2024-10-15 10:45:15,248 - root - ERROR - * CheckpointLoaderSimple 4:
2024-10-15 10:45:15,248 - root - ERROR - - Value not in list: ckpt_name: 'AziibPixelMix_v1.0' not in (list of length 36)
2024-10-15 10:45:15,248 - root - ERROR - Output will be ignored
2024-10-15 10:45:15,248 - root - WARNING - invalid prompt: {'type': 'prompt_outputs_failed_validation', 'message': 'Prompt outputs failed validation', 'details': '', 'extra_info': {}}
2024-10-15 11:00:46,624 - root - INFO - got prompt
2024-10-15 11:00:46,628 - root - ERROR - Failed to validate prompt for output 75:
2024-10-15 11:00:46,628 - root - ERROR - * ControlNetLoader 73:
2024-10-15 11:00:46,628 - root - ERROR - - Value not in list: control_net_name: 'control_v11f1p_sd15_depth' not in ['control_v11e_sd15_ip2p_fp16.safetensors', 'control_v11e_sd15_shuffle_fp16.safetensors', 'control_v11f1e_sd15_tile_fp16.safetensors', 'control_v11f1p_sd15_depth_fp16.safetensors', 'control_v11p_sd15_canny_fp16.safetensors', 'control_v11p_sd15_inpaint_fp16.safetensors', 'control_v11p_sd15_lineart_fp16.safetensors', 'control_v11p_sd15_mlsd_fp16.safetensors', 'control_v11p_sd15_normalbae_fp16.safetensors', 'control_v11p_sd15_openpose_fp16.safetensors', 'control_v11p_sd15_scribble_fp16.safetensors', 'control_v11p_sd15_seg_fp16.safetensors', 'control_v11p_sd15_softedge_fp16.safetensors', 'control_v11p_sd15s2_lineart_anime_fp16.safetensors']
2024-10-15 11:00:46,628 - root - ERROR - Output will be ignored
2024-10-15 11:00:46,935 - root - INFO - model weight dtype torch.float16, manual cast: None
2024-10-15 11:00:46,936 - root - INFO - model_type EPS
2024-10-15 11:00:48,696 - root - INFO - Using xformers attention in VAE
2024-10-15 11:00:48,696 - root - INFO - Using xformers attention in VAE
2024-10-15 11:00:48,899 - root - INFO - Requested to load SDXLClipModel
2024-10-15 11:00:48,899 - root - INFO - Loading 1 new model
2024-10-15 11:00:48,906 - root - INFO - loaded completely 0.0 1560.802734375 True
2024-10-15 11:00:49,397 - root - INFO - loaded straight to GPU
2024-10-15 11:00:49,397 - root - INFO - Requested to load SDXL
2024-10-15 11:00:49,397 - root - INFO - Loading 1 new model
2024-10-15 11:00:49,418 - root - INFO - loaded completely 0.0 4897.0483474731445 True
2024-10-15 11:00:49,982 - root - INFO - Requested to load SDXLClipModel
2024-10-15 11:00:49,982 - root - INFO - Loading 1 new model
2024-10-15 11:00:57,187 - root - INFO - Requested to load AutoencoderKL
2024-10-15 11:00:57,187 - root - INFO - Loading 1 new model
2024-10-15 11:00:57,214 - root - INFO - loaded completely 0.0 159.55708122253418 True
2024-10-15 11:00:57,453 - root - INFO - Prompt executed in 10.82 seconds
2024-10-15 11:03:11,584 - root - INFO - got prompt
2024-10-15 11:03:22,377 - root - INFO - Using xformers attention in VAE
2024-10-15 11:03:22,379 - root - INFO - Using xformers attention in VAE
2024-10-15 11:03:22,622 - root - INFO - Requested to load AutoencoderKL
2024-10-15 11:03:22,622 - root - INFO - Loading 1 new model
2024-10-15 11:03:22,667 - root - INFO - loaded completely 0.0 159.55708122253418 True
2024-10-15 11:03:44,790 - root - ERROR - !!! Exception during processing !!! An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:03:44,795 - root - ERROR - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 174, in _new_conn
conn = connection.create_connection(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 95, in create_connection
raise err
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 85, in create_connection
sock.connect(sa)
TimeoutError: [WinError 10060] 由于连接方在一段时间后没有正确答复或连接的主机没有反应,连接尝试失败。
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 715, in urlopen
httplib_response = self._make_request(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 404, in _make_request
self._validate_conn(conn)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 1058, in _validate_conn
conn.connect()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 363, in connect
self.sock = conn = self._new_conn()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 179, in _new_conn
raise ConnectTimeoutError(
urllib3.exceptions.ConnectTimeoutError: (<urllib3.connection.HTTPSConnection object at 0x00000208ABA3C1F0>, 'Connection to huggingface.co timed out. (connect timeout=100)')
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 486, in send
resp = conn.urlopen(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 799, in urlopen
retries = retries.increment(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\retry.py", line 592, in increment
raise MaxRetryError(_pool, url, error or ResponseError(cause))
urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitl14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x00000208ABA3C1F0>, 'Connection to huggingface.co timed out. (connect timeout=100)'))
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1238, in hf_hub_download
metadata = get_hf_file_metadata(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1631, in get_hf_file_metadata
r = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 385, in _request_wrapper
response = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 408, in _request_wrapper
response = get_session().request(method=method, url=url, **params)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 589, in request
resp = self.send(prep, **send_kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 703, in send
r = adapter.send(request, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_http.py", line 67, in send
return super().send(request, *args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 507, in send
raise ConnectTimeout(e, request=request)
requests.exceptions.ConnectTimeout: (MaxRetryError("HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitl14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x00000208ABA3C1F0>, 'Connection to huggingface.co timed out. (connect timeout=100)'))"), '(Request ID: 77613ffc-2220-4220-b965-fc876ce8bde6)')
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\node_wrappers\depth_anything.py", line 19, in execute
model = DepthAnythingDetector.from_pretrained(filename=ckpt_name).to(model_management.get_torch_device())
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\depth_anything\__init__.py", line 40, in from_pretrained
model_path = custom_hf_download(pretrained_model_or_path, filename, subfolder="checkpoints", repo_type="space")
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\util.py", line 297, in custom_hf_download
model_path = hf_hub_download(repo_id=pretrained_model_or_path,
File "<enhanced_experience patches.hfmirror.huggingface_hub>", line 47, in hf_hub_download_wrapper_inner
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1371, in hf_hub_download
raise LocalEntryNotFoundError(
huggingface_hub.utils._errors.LocalEntryNotFoundError: An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:03:44,797 - root - INFO - Prompt executed in 33.20 seconds
2024-10-15 11:04:22,386 - root - INFO - got prompt
2024-10-15 11:04:52,113 - root - ERROR - !!! Exception during processing !!! An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:04:52,114 - root - ERROR - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 174, in _new_conn
conn = connection.create_connection(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 95, in create_connection
raise err
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 85, in create_connection
sock.connect(sa)
TimeoutError: [WinError 10060] 由于连接方在一段时间后没有正确答复或连接的主机没有反应,连接尝试失败。
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 715, in urlopen
httplib_response = self._make_request(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 404, in _make_request
self._validate_conn(conn)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 1058, in _validate_conn
conn.connect()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 363, in connect
self.sock = conn = self._new_conn()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 179, in _new_conn
raise ConnectTimeoutError(
urllib3.exceptions.ConnectTimeoutError: (<urllib3.connection.HTTPSConnection object at 0x00000208ABA3F5E0>, 'Connection to huggingface.co timed out. (connect timeout=100)')
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 486, in send
resp = conn.urlopen(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 799, in urlopen
retries = retries.increment(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\retry.py", line 592, in increment
raise MaxRetryError(_pool, url, error or ResponseError(cause))
urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitl14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x00000208ABA3F5E0>, 'Connection to huggingface.co timed out. (connect timeout=100)'))
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1238, in hf_hub_download
metadata = get_hf_file_metadata(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1631, in get_hf_file_metadata
r = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 385, in _request_wrapper
response = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 408, in _request_wrapper
response = get_session().request(method=method, url=url, **params)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 589, in request
resp = self.send(prep, **send_kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 703, in send
r = adapter.send(request, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_http.py", line 67, in send
return super().send(request, *args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 507, in send
raise ConnectTimeout(e, request=request)
requests.exceptions.ConnectTimeout: (MaxRetryError("HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitl14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x00000208ABA3F5E0>, 'Connection to huggingface.co timed out. (connect timeout=100)'))"), '(Request ID: 7b618bce-7cef-4c50-ba34-80df8dc9a875)')
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\node_wrappers\depth_anything.py", line 19, in execute
model = DepthAnythingDetector.from_pretrained(filename=ckpt_name).to(model_management.get_torch_device())
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\depth_anything\__init__.py", line 40, in from_pretrained
model_path = custom_hf_download(pretrained_model_or_path, filename, subfolder="checkpoints", repo_type="space")
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\util.py", line 297, in custom_hf_download
model_path = hf_hub_download(repo_id=pretrained_model_or_path,
File "<enhanced_experience patches.hfmirror.huggingface_hub>", line 47, in hf_hub_download_wrapper_inner
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1371, in hf_hub_download
raise LocalEntryNotFoundError(
huggingface_hub.utils._errors.LocalEntryNotFoundError: An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:04:52,114 - root - INFO - Prompt executed in 29.71 seconds
2024-10-15 11:05:05,769 - root - INFO - got prompt
2024-10-15 11:05:33,257 - root - ERROR - !!! Exception during processing !!! An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:05:33,258 - root - ERROR - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 174, in _new_conn
conn = connection.create_connection(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 95, in create_connection
raise err
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 85, in create_connection
sock.connect(sa)
TimeoutError: [WinError 10060] 由于连接方在一段时间后没有正确答复或连接的主机没有反应,连接尝试失败。
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 715, in urlopen
httplib_response = self._make_request(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 404, in _make_request
self._validate_conn(conn)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 1058, in _validate_conn
conn.connect()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 363, in connect
self.sock = conn = self._new_conn()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 179, in _new_conn
raise ConnectTimeoutError(
urllib3.exceptions.ConnectTimeoutError: (<urllib3.connection.HTTPSConnection object at 0x00000208ABA3DC30>, 'Connection to huggingface.co timed out. (connect timeout=100)')
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 486, in send
resp = conn.urlopen(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 799, in urlopen
retries = retries.increment(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\retry.py", line 592, in increment
raise MaxRetryError(_pool, url, error or ResponseError(cause))
urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitb14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x00000208ABA3DC30>, 'Connection to huggingface.co timed out. (connect timeout=100)'))
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1238, in hf_hub_download
metadata = get_hf_file_metadata(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1631, in get_hf_file_metadata
r = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 385, in _request_wrapper
response = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 408, in _request_wrapper
response = get_session().request(method=method, url=url, **params)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 589, in request
resp = self.send(prep, **send_kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 703, in send
r = adapter.send(request, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_http.py", line 67, in send
return super().send(request, *args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 507, in send
raise ConnectTimeout(e, request=request)
requests.exceptions.ConnectTimeout: (MaxRetryError("HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitb14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x00000208ABA3DC30>, 'Connection to huggingface.co timed out. (connect timeout=100)'))"), '(Request ID: 1bf6b583-e0b7-4595-802a-a86528451c0d)')
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\node_wrappers\depth_anything.py", line 19, in execute
model = DepthAnythingDetector.from_pretrained(filename=ckpt_name).to(model_management.get_torch_device())
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\depth_anything\__init__.py", line 40, in from_pretrained
model_path = custom_hf_download(pretrained_model_or_path, filename, subfolder="checkpoints", repo_type="space")
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\util.py", line 297, in custom_hf_download
model_path = hf_hub_download(repo_id=pretrained_model_or_path,
File "<enhanced_experience patches.hfmirror.huggingface_hub>", line 47, in hf_hub_download_wrapper_inner
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1371, in hf_hub_download
raise LocalEntryNotFoundError(
huggingface_hub.utils._errors.LocalEntryNotFoundError: An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:05:33,259 - root - INFO - Prompt executed in 27.48 seconds
2024-10-15 11:35:22,951 - root - INFO - got prompt
2024-10-15 11:35:49,467 - root - ERROR - !!! Exception during processing !!! An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:35:49,468 - root - ERROR - Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 174, in _new_conn
conn = connection.create_connection(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 95, in create_connection
raise err
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\connection.py", line 85, in create_connection
sock.connect(sa)
TimeoutError: [WinError 10060] 由于连接方在一段时间后没有正确答复或连接的主机没有反应,连接尝试失败。
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 715, in urlopen
httplib_response = self._make_request(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 404, in _make_request
self._validate_conn(conn)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 1058, in _validate_conn
conn.connect()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 363, in connect
self.sock = conn = self._new_conn()
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connection.py", line 179, in _new_conn
raise ConnectTimeoutError(
urllib3.exceptions.ConnectTimeoutError: (<urllib3.connection.HTTPSConnection object at 0x0000020883A4EFB0>, 'Connection to huggingface.co timed out. (connect timeout=100)')
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 486, in send
resp = conn.urlopen(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\connectionpool.py", line 799, in urlopen
retries = retries.increment(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\urllib3\util\retry.py", line 592, in increment
raise MaxRetryError(_pool, url, error or ResponseError(cause))
urllib3.exceptions.MaxRetryError: HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitb14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x0000020883A4EFB0>, 'Connection to huggingface.co timed out. (connect timeout=100)'))
During handling of the above exception, another exception occurred:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1238, in hf_hub_download
metadata = get_hf_file_metadata(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1631, in get_hf_file_metadata
r = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 385, in _request_wrapper
response = _request_wrapper(
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 408, in _request_wrapper
response = get_session().request(method=method, url=url, **params)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 589, in request
resp = self.send(prep, **send_kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\sessions.py", line 703, in send
r = adapter.send(request, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_http.py", line 67, in send
return super().send(request, *args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\requests\adapters.py", line 507, in send
raise ConnectTimeout(e, request=request)
requests.exceptions.ConnectTimeout: (MaxRetryError("HTTPSConnectionPool(host='huggingface.co', port=443): Max retries exceeded with url: /spaces/LiheYoung/Depth-Anything/resolve/main/checkpoints/depth_anything_vitb14.pth (Caused by ConnectTimeoutError(<urllib3.connection.HTTPSConnection object at 0x0000020883A4EFB0>, 'Connection to huggingface.co timed out. (connect timeout=100)'))"), '(Request ID: 87d7d618-0fdb-4a20-bebc-537423e22c06)')
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\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\aaaki\ComfyUI-aki-v1.3\execution.py", line 169, in _map_node_over_list
process_inputs(input_dict, i)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\execution.py", line 158, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\node_wrappers\depth_anything.py", line 19, in execute
model = DepthAnythingDetector.from_pretrained(filename=ckpt_name).to(model_management.get_torch_device())
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\depth_anything\__init__.py", line 40, in from_pretrained
model_path = custom_hf_download(pretrained_model_or_path, filename, subfolder="checkpoints", repo_type="space")
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\custom_nodes\comfyui_controlnet_aux\src\controlnet_aux\util.py", line 297, in custom_hf_download
model_path = hf_hub_download(repo_id=pretrained_model_or_path,
File "<enhanced_experience patches.hfmirror.huggingface_hub>", line 47, in hf_hub_download_wrapper_inner
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\utils\_validators.py", line 118, in _inner_fn
return fn(*args, **kwargs)
File "D:\ComfyUI\aaaki\ComfyUI-aki-v1.3\python\lib\site-packages\huggingface_hub\file_download.py", line 1371, in hf_hub_download
raise LocalEntryNotFoundError(
huggingface_hub.utils._errors.LocalEntryNotFoundError: An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
2024-10-15 11:35:49,468 - root - INFO - Prompt executed in 26.50 seconds
Attached Workflow
Please make sure that workflow does not contain any sensitive information such as API keys or passwords.
{"last_node_id":79,"last_link_id":114,"nodes":[{"id":49,"type":"CLIPSetLastLayer","pos":{"0":-393.43463134765625,"1":237.1305694580078},"size":{"0":277.1827697753906,"1":58},"flags":{},"order":8,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":65,"label":"CLIP"}],"outputs":[{"name":"CLIP","type":"CLIP","links":[66,67],"slot_index":0,"shape":3,"label":"CLIP"}],"properties":{"Node name for S&R":"CLIPSetLastLayer"},"widgets_values":[-2]},{"id":7,"type":"CLIPTextEncode","pos":{"0":-89.43463134765625,"1":226.1305694580078},"size":{"0":235.47705078125,"1":143.97740173339844},"flags":{},"order":12,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":67,"label":"CLIP"}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[6],"slot_index":0,"label":"条件"}],"properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["low quality, blurry, deformed, watermark, text, signature, depth of field, nsfw"]},{"id":67,"type":"CLIPSetLastLayer","pos":{"0":-550.34228515625,"1":930.2413940429688},"size":{"0":277.1827697753906,"1":58},"flags":{},"order":9,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":98,"label":"CLIP"}],"outputs":[{"name":"CLIP","type":"CLIP","links":[94,95],"slot_index":0,"shape":3,"label":"CLIP"}],"properties":{"Node name for S&R":"CLIPSetLastLayer"},"widgets_values":[-2]},{"id":70,"type":"VAELoader","pos":{"0":329.65771484375,"1":1001.9691772460938},"size":{"0":315,"1":58},"flags":{},"order":0,"mode":0,"inputs":[],"outputs":[{"name":"VAE","type":"VAE","links":[100],"shape":3}],"properties":{"Node name for S&R":"VAELoader"},"widgets_values":["vae-ft-mse-840000-ema-pruned.safetensors"]},{"id":69,"type":"VAEEncode","pos":{"0":371.65771484375,"1":920.9691772460938},"size":{"0":210,"1":46},"flags":{},"order":10,"mode":0,"inputs":[{"name":"pixels","type":"IMAGE","link":103,"label":"图像"},{"name":"vae","type":"VAE","link":100,"slot_index":1,"label":"VAE"}],"outputs":[{"name":"LATENT","type":"LATENT","links":[101],"slot_index":0,"shape":3,"label":"Latent"}],"properties":{"Node name for S&R":"VAEEncode"},"widgets_values":[]},{"id":61,"type":"KSampler","pos":{"0":320.8913879394531,"1":617.697021484375},"size":{"0":315,"1":262},"flags":{},"order":18,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":90,"label":"模型"},{"name":"positive","type":"CONDITIONING","link":109,"label":"正面条件"},{"name":"negative","type":"CONDITIONING","link":110,"label":"负面条件"},{"name":"latent_image","type":"LATENT","link":101,"label":"Latent"}],"outputs":[{"name":"LATENT","type":"LATENT","links":[96],"slot_index":0,"label":"Latent"}],"properties":{"Node name for S&R":"KSampler"},"widgets_values":[1066415755523736,"randomize",20,7,"dpmpp_sde_gpu","normal",1]},{"id":64,"type":"CLIPTextEncode","pos":{"0":-260.34228515625,"1":820.2413940429688},"size":{"0":235.47705078125,"1":143.97740173339844},"flags":{},"order":14,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":95,"label":"CLIP"}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[108],"slot_index":0,"label":"条件"}],"properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["low quality, blurry, deformed, watermark, text, signature, depth of field, nsfw"]},{"id":65,"type":"VAEDecode","pos":{"0":372.8913879394531,"1":527.697021484375},"size":{"0":210,"1":46},"flags":{},"order":20,"mode":0,"inputs":[{"name":"samples","type":"LATENT","link":96,"label":"Latent"},{"name":"vae","type":"VAE","link":97,"slot_index":1,"label":"VAE"}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[111],"slot_index":0,"shape":3,"label":"图像"}],"properties":{"Node name for S&R":"VAEDecode"},"widgets_values":[]},{"id":75,"type":"PreviewImage","pos":{"0":669,"1":534},"size":{"0":439.6647644042969,"1":465.1236267089844},"flags":{},"order":21,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":111,"label":"图像"}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":6,"type":"CLIPTextEncode","pos":{"0":-89.43463134765625,"1":34.13056182861328},"size":{"0":236.19105529785156,"1":148.20352172851562},"flags":{},"order":11,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":66,"label":"CLIP"}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[4],"slot_index":0,"label":"条件"}],"properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["pixel art, 1girl, scenery, upperbody"]},{"id":76,"type":"Reroute","pos":{"0":-244.09970092773438,"1":611.9521484375},"size":[75,26],"flags":{},"order":22,"mode":0,"inputs":[{"name":"","type":"*","link":112}],"outputs":[{"name":"","type":"IMAGE","links":null}],"properties":{"showOutputText":false,"horizontal":false}},{"id":63,"type":"CLIPTextEncode","pos":{"0":-260.34228515625,"1":630.2413940429688},"size":{"0":236.19105529785156,"1":148.20352172851562},"flags":{},"order":13,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":94,"label":"CLIP"}],"outputs":[{"name":"CONDITIONING","type":"CONDITIONING","links":[107],"slot_index":0,"label":"条件"}],"properties":{"Node name for S&R":"CLIPTextEncode"},"widgets_values":["pixel art, 1girl, scenery, upperbody"]},{"id":71,"type":"DF_Image_scale_to_side","pos":{"0":-550.34228515625,"1":610.2413940429688},"size":{"0":275.2425842285156,"1":130.55471801757812},"flags":{},"order":6,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":102,"label":"image"}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[103],"slot_index":0,"shape":3,"label":"IMAGE"}],"properties":{"Node name for S&R":"DF_Image_scale_to_side"},"widgets_values":[720,"Longest","nearest-exact","disabled"]},{"id":68,"type":"LoadImage","pos":{"0":-891,"1":636},"size":{"0":315,"1":314},"flags":{},"order":1,"mode":0,"inputs":[],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[102,114],"slot_index":0,"shape":3,"label":"图像"},{"name":"MASK","type":"MASK","links":null,"shape":3,"label":"遮罩"}],"properties":{"Node name for S&R":"LoadImage"},"widgets_values":["c43d249c-8179-4e75-8bec-a674f9e432b6.png","image"],"color":"#ffb4b4","bgcolor":"#f3a0a0"},{"id":4,"type":"CheckpointLoaderSimple","pos":{"0":-395.43463134765625,"1":89.13056182861328},"size":{"0":277.415771484375,"1":102.13977813720703},"flags":{},"order":2,"mode":0,"inputs":[],"outputs":[{"name":"MODEL","type":"MODEL","links":[64],"slot_index":0,"label":"模型"},{"name":"CLIP","type":"CLIP","links":[65],"slot_index":1,"label":"CLIP"},{"name":"VAE","type":"VAE","links":[46],"slot_index":2,"label":"VAE"}],"properties":{"Node name for S&R":"CheckpointLoaderSimple"},"widgets_values":["SDXLPixelArtBeta_beta.safetensors"]},{"id":62,"type":"CheckpointLoaderSimple","pos":{"0":-550.34228515625,"1":780.2413940429688},"size":{"0":277.415771484375,"1":102.13977813720703},"flags":{},"order":3,"mode":0,"inputs":[],"outputs":[{"name":"MODEL","type":"MODEL","links":[90],"slot_index":0,"label":"模型"},{"name":"CLIP","type":"CLIP","links":[98],"slot_index":1,"label":"CLIP"},{"name":"VAE","type":"VAE","links":[97],"slot_index":2,"label":"VAE"}],"properties":{"Node name for S&R":"CheckpointLoaderSimple"},"widgets_values":["SDXLPixelArtBeta_beta.safetensors"]},{"id":26,"type":"PreviewImage","pos":{"0":520,"1":-65},"size":{"0":439.6647644042969,"1":465.1236267089844},"flags":{},"order":19,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":72,"label":"图像"}],"outputs":[],"properties":{"Node name for S&R":"PreviewImage"},"widgets_values":[]},{"id":72,"type":"ControlNetApplyAdvanced","pos":{"0":-13,"1":559},"size":{"0":315,"1":186},"flags":{},"order":16,"mode":0,"inputs":[{"name":"positive","type":"CONDITIONING","link":107,"label":"正面条件"},{"name":"negative","type":"CONDITIONING","link":108,"label":"负面条件"},{"name":"control_net","type":"CONTROL_NET","link":104,"slot_index":2,"label":"ControlNet"},{"name":"image","type":"IMAGE","link":113,"label":"图像"},{"name":"vae","type":"VAE","link":null,"shape":7}],"outputs":[{"name":"positive","type":"CONDITIONING","links":[109],"slot_index":0,"shape":3,"label":"正面条件"},{"name":"negative","type":"CONDITIONING","links":[110],"slot_index":1,"shape":3,"label":"负面条件"}],"properties":{"Node name for S&R":"ControlNetApplyAdvanced"},"widgets_values":[0.6,0,0.7000000000000001]},{"id":25,"type":"VAEDecode","pos":{"0":208,"1":-91},"size":{"0":210,"1":46},"flags":{},"order":17,"mode":0,"inputs":[{"name":"samples","type":"LATENT","link":29,"label":"Latent"},{"name":"vae","type":"VAE","link":46,"slot_index":1,"label":"VAE"}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[72],"slot_index":0,"shape":3,"label":"图像"}],"properties":{"Node name for S&R":"VAEDecode"},"widgets_values":[]},{"id":40,"type":"EmptyLatentImage","pos":{"0":156,"1":312},"size":{"0":315,"1":106},"flags":{},"order":4,"mode":0,"inputs":[],"outputs":[{"name":"LATENT","type":"LATENT","links":[55],"slot_index":0,"shape":3,"label":"Latent"}],"properties":{"Node name for S&R":"EmptyLatentImage"},"widgets_values":[512,512,1]},{"id":3,"type":"KSampler","pos":{"0":169,"1":0},"size":[273,468],"flags":{},"order":15,"mode":0,"inputs":[{"name":"model","type":"MODEL","link":64,"label":"模型"},{"name":"positive","type":"CONDITIONING","link":4,"label":"正面条件"},{"name":"negative","type":"CONDITIONING","link":6,"label":"负面条件"},{"name":"latent_image","type":"LATENT","link":55,"label":"Latent"}],"outputs":[{"name":"LATENT","type":"LATENT","links":[29],"slot_index":0,"label":"Latent"}],"properties":{"Node name for S&R":"KSampler"},"widgets_values":[477248798618095,"randomize",20,7,"dpmpp_sde_gpu","normal",1]},{"id":73,"type":"ControlNetLoader","pos":{"0":-10.342270851135254,"1":790.2413940429688},"size":{"0":315,"1":58},"flags":{},"order":5,"mode":0,"inputs":[],"outputs":[{"name":"CONTROL_NET","type":"CONTROL_NET","links":[104],"shape":3,"label":"ControlNet"}],"properties":{"Node name for S&R":"ControlNetLoader"},"widgets_values":["control_v11p_sd15_canny_fp16.safetensors"]},{"id":79,"type":"DepthAnythingPreprocessor","pos":{"0":-13,"1":910},"size":{"0":315,"1":82},"flags":{},"order":7,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":114,"label":"图像"}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[113],"slot_index":0,"label":"图像"}],"properties":{"Node name for S&R":"DepthAnythingPreprocessor"},"widgets_values":["depth_anything_vitb14.pth",512]}],"links":[[4,6,0,3,1,"CONDITIONING"],[6,7,0,3,2,"CONDITIONING"],[29,3,0,25,0,"LATENT"],[46,4,2,25,1,"VAE"],[55,40,0,3,3,"LATENT"],[64,4,0,3,0,"MODEL"],[65,4,1,49,0,"CLIP"],[66,49,0,6,0,"CLIP"],[67,49,0,7,0,"CLIP"],[72,25,0,26,0,"IMAGE"],[90,62,0,61,0,"MODEL"],[94,67,0,63,0,"CLIP"],[95,67,0,64,0,"CLIP"],[96,61,0,65,0,"LATENT"],[97,62,2,65,1,"VAE"],[98,62,1,67,0,"CLIP"],[100,70,0,69,1,"VAE"],[101,69,0,61,3,"LATENT"],[102,68,0,71,0,"IMAGE"],[103,71,0,69,0,"IMAGE"],[104,73,0,72,2,"CONTROL_NET"],[107,63,0,72,0,"CONDITIONING"],[108,64,0,72,1,"CONDITIONING"],[109,72,0,61,1,"CONDITIONING"],[110,72,1,61,2,"CONDITIONING"],[111,65,0,75,0,"IMAGE"],[112,71,0,76,0,"*"],[113,79,0,72,3,"IMAGE"],[114,68,0,79,0,"IMAGE"]],"groups":[{"title":"图生图","bounding":[-560,454,1215,616],"color":"#b58b2a","font_size":24,"flags":{}},{"title":"文生图","bounding":[-405,-139,903,580],"color":"#3f789e","font_size":24,"flags":{}}],"config":{},"extra":{"ds":{"scale":1.0152559799477088,"offset":[38.99044214092506,-430.66128663370574]},"0246.VERSION":[0,0,4]},"version":0.4}
Additional Context
(Please add any additional context or steps to reproduce the error here)
The text was updated successfully, but these errors were encountered:
An error happened while trying to locate the file on the Hub and we cannot find the requested files in the local cache. Please check your connection and try again or make sure your Internet connection is on.
ComfyUI Error Report
Error Details
Stack Trace
System Information
Devices
Logs
Attached Workflow
Please make sure that workflow does not contain any sensitive information such as API keys or passwords.
Additional Context
(Please add any additional context or steps to reproduce the error here)
The text was updated successfully, but these errors were encountered: