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
I am a novice, using the one-key integration package of “ComfyUI-AKI”, this check for a long time also do not know how to solve, please help! Thank you!
我是新手,用的是秋葉的一键整合包,这个查了好久也不知道该怎么解决了,求求帮帮忙!谢谢!
Exception Message: backend='inductor' raised:
RuntimeError: Failed to find C compiler. Please specify via CC environment variable.
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
You can suppress this exception and fall back to eager by setting:
import torch._dynamo
torch._dynamo.config.suppress_errors = True
Stack Trace
File "G:\AI\ComfyUI\execution.py", line 324, 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 "G:\AI\ComfyUI\execution.py", line 199, 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 "G:\AI\ComfyUI\execution.py", line 170, in _map_node_over_list
process_inputs(input_dict, i)
File "G:\AI\ComfyUI\execution.py", line 159, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\nodes.py", line 702, in process
latents = model["pipe"](
File "G:\AI\ComfyUI\python\lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
return func(*args, **kwargs)
File "G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\pipeline_cogvideox.py", line 755, in __call__
noise_pred = self.transformer(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
return forward_call(*args, **kwargs)
File "G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\custom_cogvideox_transformer_3d.py", line 653, in forward
hidden_states, encoder_hidden_states = block(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
return forward_call(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\eval_frame.py", line 465, in _fn
return fn(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
return forward_call(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 1269, in __call__
return self._torchdynamo_orig_callable(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 1064, in __call__
result = self._inner_convert(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 526, in __call__
return _compile(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 924, in _compile
guarded_code = compile_inner(code, one_graph, hooks, transform)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 666, in compile_inner
return _compile_inner(code, one_graph, hooks, transform)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_utils_internal.py", line 87, in wrapper_function
return function(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 699, in _compile_inner
out_code = transform_code_object(code, transform)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\bytecode_transformation.py", line 1322, in transform_code_object
transformations(instructions, code_options)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 219, in _fn
return fn(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 634, in transform
tracer.run()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 2796, in run
super().run()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 983, in run
while self.step():
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 895, in step
self.dispatch_table[inst.opcode](self, inst)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 2987, in RETURN_VALUE
self._return(inst)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 2972, in _return
self.output.compile_subgraph(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1142, in compile_subgraph
self.compile_and_call_fx_graph(tx, pass2.graph_output_vars(), root)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1369, in compile_and_call_fx_graph
compiled_fn = self.call_user_compiler(gm)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1416, in call_user_compiler
return self._call_user_compiler(gm)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1465, in _call_user_compiler
raise BackendCompilerFailed(self.compiler_fn, e) from e
System Information
ComfyUI Version: v0.3.7
Arguments: G:\AI\ComfyUI\main.py --auto-launch --preview-method auto --disable-cuda-malloc
2024-12-15T04:51:13.253269 - [START] Security scan2024-12-15T04:51:13.253269 -
2024-12-15T04:51:16.442870 - [DONE] Security scan2024-12-15T04:51:16.442870 -
2024-12-15T04:51:16.696243 - ## ComfyUI-Manager: installing dependencies done.2024-12-15T04:51:16.696243 -
2024-12-15T04:51:16.696243 - ** ComfyUI startup time:2024-12-15T04:51:16.696243 - 2024-12-15T04:51:16.696243 - 2024-12-15 04:51:16.6962432024-12-15T04:51:16.696243 -
2024-12-15T04:51:16.696243 - ** Platform:2024-12-15T04:51:16.696243 - 2024-12-15T04:51:16.696243 - Windows2024-12-15T04:51:16.696243 -
2024-12-15T04:51:16.696243 - ** Python version:2024-12-15T04:51:16.696243 - 2024-12-15T04:51:16.696243 - 3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)]2024-12-15T04:51:16.696243 -
2024-12-15T04:51:16.696243 - ** Python executable:2024-12-15T04:51:16.696243 - 2024-12-15T04:51:16.696243 - G:\AI\ComfyUI\python\python.exe2024-12-15T04:51:16.696243 -
2024-12-15T04:51:16.696243 - ** ComfyUI Path:2024-12-15T04:51:16.696243 - 2024-12-15T04:51:16.696243 - G:\AI\ComfyUI2024-12-15T04:51:16.696243 -
2024-12-15T04:51:16.696243 - ** Log path:2024-12-15T04:51:16.696243 - 2024-12-15T04:51:16.696243 - G:\AI\ComfyUI\comfyui.log2024-12-15T04:51:16.696243 -
2024-12-15T04:51:20.083397 -
Prestartup times for custom nodes:2024-12-15T04:51:20.083397 -
2024-12-15T04:51:20.083397 - 0.0 seconds:2024-12-15T04:51:20.083397 - 2024-12-15T04:51:20.083397 - G:\AI\ComfyUI\custom_nodes\rgthree-comfy2024-12-15T04:51:20.083397 -
2024-12-15T04:51:20.083397 - 0.0 seconds:2024-12-15T04:51:20.083397 - 2024-12-15T04:51:20.090157 - G:\AI\ComfyUI\custom_nodes\ComfyUI-Marigold2024-12-15T04:51:20.090157 -
2024-12-15T04:51:20.090157 - 6.8 seconds:2024-12-15T04:51:20.090157 - 2024-12-15T04:51:20.090157 - G:\AI\ComfyUI\custom_nodes\ComfyUI-Manager2024-12-15T04:51:20.090157 -
2024-12-15T04:51:20.090157 -
2024-12-15T04:51:21.317162 - Total VRAM 24576 MB, total RAM 65273 MB
2024-12-15T04:51:21.317162 - pytorch version: 2.5.1+cu124
2024-12-15T04:51:21.702142 - WARNING: Failed to find MSVC.2024-12-15T04:51:21.702142 -
2024-12-15T04:51:21.702142 - WARNING: Failed to find Windows SDK.2024-12-15T04:51:21.702142 -
2024-12-15T04:51:21.702142 - WARNING: Failed to find CUDA.2024-12-15T04:51:21.702142 -
2024-12-15T04:51:22.727097 - xformers version: 0.0.28.post3
2024-12-15T04:51:22.728093 - Set vram state to: NORMAL_VRAM
2024-12-15T04:51:22.728093 - Device: cuda:0 NVIDIA GeForce RTX 3090 : cudaMallocAsync
2024-12-15T04:51:22.906691 - Using xformers cross attention
2024-12-15T04:51:23.859480 - [Prompt Server] web root: G:\AI\ComfyUI\web
2024-12-15T04:51:23.861473 - Adding extra search path checkpoints G:/AI/WebUI/models/Stable-diffusion
2024-12-15T04:51:23.861473 - Adding extra search path configs G:/AI/WebUI/models/Stable-diffusion
2024-12-15T04:51:23.861473 - Adding extra search path vae G:/AI/WebUI/models/VAE
2024-12-15T04:51:23.861473 - Adding extra search path loras G:/AI/WebUI/models/Lora
2024-12-15T04:51:23.861473 - Adding extra search path loras G:/AI/WebUI/models/LyCORIS
2024-12-15T04:51:23.861473 - Adding extra search path upscale_models G:/AI/WebUI/models/ESRGAN
2024-12-15T04:51:23.861473 - Adding extra search path upscale_models G:/AI/WebUI/models/RealESRGAN
2024-12-15T04:51:23.861473 - Adding extra search path upscale_models G:/AI/WebUI/models/SwinIR
2024-12-15T04:51:23.861473 - Adding extra search path embeddings G:/AI/WebUI/embeddings
2024-12-15T04:51:23.861473 - Adding extra search path hypernetworks G:/AI/WebUI/models/hypernetworks
2024-12-15T04:51:23.861473 - Adding extra search path controlnet G:/AI/WebUI/models/ControlNet
2024-12-15T04:51:25.137960 - sageattn not found, using sdpa
2024-12-15T04:51:25.145034 - sageattn not found, using sdpa
2024-12-15T04:51:25.146391 - sageattn not found, using sdpa
2024-12-15T04:51:25.188463 - [Crystools �[0;32mINFO�[0m] Crystools version: 1.21.0
2024-12-15T04:51:25.210237 - [Crystools �[0;32mINFO�[0m] CPU: Intel(R) Core(TM) i9-14900K - Arch: AMD64 - OS: Windows 10
2024-12-15T04:51:25.219308 - [Crystools �[0;32mINFO�[0m] Pynvml (Nvidia) initialized.
2024-12-15T04:51:25.220305 - [Crystools �[0;32mINFO�[0m] GPU/s:
2024-12-15T04:51:25.236824 - [Crystools �[0;32mINFO�[0m] 0) NVIDIA GeForce RTX 3090
2024-12-15T04:51:25.236824 - [Crystools �[0;32mINFO�[0m] NVIDIA Driver: 566.36
2024-12-15T04:51:25.567005 - Total VRAM 24576 MB, total RAM 65273 MB
2024-12-15T04:51:25.567005 - pytorch version: 2.5.1+cu124
2024-12-15T04:51:25.567005 - xformers version: 0.0.28.post3
2024-12-15T04:51:25.568001 - Set vram state to: NORMAL_VRAM
2024-12-15T04:51:25.568001 - Device: cuda:0 NVIDIA GeForce RTX 3090 : cudaMallocAsync
2024-12-15T04:51:25.577491 - ### Loading: ComfyUI-Impact-Pack (V8.0.1)2024-12-15T04:51:25.577491 -
2024-12-15T04:51:25.702463 - [Impact Pack] Wildcards loading done.2024-12-15T04:51:25.702463 -
2024-12-15T04:51:25.702463 - ### Loading: ComfyUI-Impact-Subpack (V1.0)2024-12-15T04:51:25.702463 -
2024-12-15T04:51:25.821470 - ### Loading: ComfyUI-Inspire-Pack (V1.9)2024-12-15T04:51:25.821470 -
2024-12-15T04:51:26.401275 - Initializing EasyNodes. Auto-registration: True
2024-12-15T04:51:26.419669 - ### Loading: ComfyUI-Manager (V2.55.5)2024-12-15T04:51:26.419813 -
2024-12-15T04:51:27.043324 - ### ComfyUI Version: v0.3.7 | Released on '2024-12-04'2024-12-15T04:51:27.043324 -
2024-12-15T04:51:27.652687 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/alter-list.json2024-12-15T04:51:27.652687 -
2024-12-15T04:51:27.711458 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/model-list.json2024-12-15T04:51:27.711458 -
2024-12-15T04:51:27.754513 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/github-stats.json2024-12-15T04:51:27.754513 -
2024-12-15T04:51:27.818256 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/custom-node-list.json2024-12-15T04:51:27.818899 -
2024-12-15T04:51:27.850007 - [ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/extension-node-map.json2024-12-15T04:51:27.850007 -
2024-12-15T04:51:28.014166 - Nvidia APEX normalization not installed, using PyTorch LayerNorm2024-12-15T04:51:28.014166 -
2024-12-15T04:51:28.956621 - (pysssss:WD14Tagger) [DEBUG] Available ORT providers: TensorrtExecutionProvider, CUDAExecutionProvider, CPUExecutionProvider2024-12-15T04:51:28.956621 -
2024-12-15T04:51:28.956621 - (pysssss:WD14Tagger) [DEBUG] Using ORT providers: CUDAExecutionProvider, CPUExecutionProvider2024-12-15T04:51:28.956621 -
2024-12-15T04:51:28.995601 - ------------------------------------------2024-12-15T04:51:28.995601 -
2024-12-15T04:51:28.995601 - �[34mComfyroll Studio v1.76 : �[92m 175 Nodes Loaded�[0m2024-12-15T04:51:28.995601 -
2024-12-15T04:51:28.995601 - ------------------------------------------2024-12-15T04:51:28.995601 -
2024-12-15T04:51:28.995601 - ** For changes, please see patch notes at https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes/blob/main/Patch_Notes.md2024-12-15T04:51:28.995601 -
2024-12-15T04:51:28.995601 - ** For help, please see the wiki at https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes/wiki2024-12-15T04:51:28.995601 -
2024-12-15T04:51:28.995601 - ------------------------------------------2024-12-15T04:51:28.995601 -
2024-12-15T04:51:29.001581 - �[36;20m[comfyui_controlnet_aux] | INFO -> Using ckpts path: G:\AI\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts�[0m
2024-12-15T04:51:29.001581 - �[36;20m[comfyui_controlnet_aux] | INFO -> Using symlinks: False�[0m
2024-12-15T04:51:29.001581 - �[36;20m[comfyui_controlnet_aux] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']�[0m
2024-12-15T04:51:29.025292 - DWPose: Onnxruntime with acceleration providers detected2024-12-15T04:51:29.025292 -
2024-12-15T04:51:29.050045 - �[1;35m### [START] ComfyUI AlekPet Nodes �[1;34mv1.0.35�[0m�[1;35m ###�[0m2024-12-15T04:51:29.050045 -
2024-12-15T04:51:30.896868 - �[92mNode -> ArgosTranslateNode: �[93mArgosTranslateCLIPTextEncodeNode, ArgosTranslateTextNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.896868 -
2024-12-15T04:51:30.899496 - �[92mNode -> ChatGLMNode: �[93mChatGLM4TranslateCLIPTextEncodeNode, ChatGLM4TranslateTextNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.899496 -
2024-12-15T04:51:30.906468 - �[92mNode -> DeepTranslatorNode: �[93mDeepTranslatorCLIPTextEncodeNode, DeepTranslatorTextNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.907971 -
2024-12-15T04:51:30.912033 - �[92mNode -> GoogleTranslateNode: �[93mGoogleTranslateCLIPTextEncodeNode, GoogleTranslateTextNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.912033 -
2024-12-15T04:51:30.914026 - �[92mNode -> PoseNode: �[93mPoseNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.914026 -
2024-12-15T04:51:30.917016 - �[92mNode -> ExtrasNode: �[93mPreviewTextNode, HexToHueNode, ColorsCorrectNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.917016 -
2024-12-15T04:51:30.963081 - �[92mNode -> IDENode: �[93mIDENode�[0m �[92m[Loading] �[0m2024-12-15T04:51:30.963081 -
2024-12-15T04:51:31.091798 - �[92mNode -> PainterNode: �[93mPainterNode�[0m �[92m[Loading] �[0m2024-12-15T04:51:31.091798 -
2024-12-15T04:51:31.091798 - �[1;35m### [END] ComfyUI AlekPet Nodes ###�[0m2024-12-15T04:51:31.091798 -
2024-12-15T04:51:31.773271 - �[34mFizzleDorf Custom Nodes: �[92mLoaded�[0m2024-12-15T04:51:31.773271 -
2024-12-15T04:51:31.789923 - # 😺dzNodes: LayerStyle -> �[1;33mCannot import name 'guidedFilter' from 'cv2.ximgproc'
A few nodes cannot works properly, while most nodes are not affected. Please REINSTALL package 'opencv-contrib-python'.
For detail refer to �[4mhttps://github.com/chflame163/ComfyUI_LayerStyle/issues/5�[0m�[m2024-12-15T04:51:31.789923 -
2024-12-15T04:51:31.967726 -
�[36mEfficiency Nodes:�[0m Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...�[92mSuccess!�[0m2024-12-15T04:51:31.967726 -
2024-12-15T04:51:31.975617 - Patching UNetModel.forward2024-12-15T04:51:31.975617 -
2024-12-15T04:51:31.975617 - UNetModel.forward has been successfully patched.2024-12-15T04:51:31.975617 -
2024-12-15T04:51:31.984592 - �[1;32m[Power Noise Suite]: 🦚🦚🦚 �[93m�[3mMooOoo!!!�[0m 🦚🦚🦚2024-12-15T04:51:31.984592 -
2024-12-15T04:51:31.984592 - �[1;32m[Power Noise Suite]:�[0m Tamed �[93m11�[0m wild nodes.2024-12-15T04:51:31.984592 -
2024-12-15T04:51:32.003803 -
2024-12-15T04:51:32.003803 - �[92m[rgthree-comfy] Loaded 42 fantastic nodes. 🎉�[00m2024-12-15T04:51:32.003803 -
2024-12-15T04:51:32.003803 -
2024-12-15T04:51:32.005796 -
Import times for custom nodes:
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\websocket_image_save.py
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\AIGODLIKE-ComfyUI-Translation
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ControlNet-LLLite-ComfyUI
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Inpaint-CropAndStitch
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\stability-ComfyUI-nodes
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_TiledKSampler
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_CryptoCat
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_SLK_joy_caption_two
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-WD14-Tagger
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_experiments
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\PowerNoiseSuite
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
2024-12-15T04:51:32.005796 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\FreeU_Advanced
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\images-grid-comfy-plugin
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Marigold
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-KJNodes
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\efficiency-nodes-comfyui
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\rgthree-comfy
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-IC-Light
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoX-MZ
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2024-12-15T04:51:32.007304 - 0.0 seconds: G:\AI\ComfyUI\custom_nodes\comfyui_controlnet_aux
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_essentials
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Inspire-Pack
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Crystools
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Impact-Subpack
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\comfyui-tensorops
2024-12-15T04:51:32.007304 - 0.1 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_LayerStyle
2024-12-15T04:51:32.007304 - 0.2 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
2024-12-15T04:51:32.008332 - 0.3 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_FizzNodes
2024-12-15T04:51:32.008332 - 0.3 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Florence2
2024-12-15T04:51:32.008332 - 0.5 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoX
2024-12-15T04:51:32.008332 - 0.5 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-LTXVideo
2024-12-15T04:51:32.008332 - 0.6 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-SUPIR
2024-12-15T04:51:32.008332 - 0.7 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-PuLID-Flux-Enhanced
2024-12-15T04:51:32.008332 - 1.0 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI-Manager
2024-12-15T04:51:32.008332 - 2.4 seconds: G:\AI\ComfyUI\custom_nodes\ComfyUI_Custom_Nodes_AlekPet
2024-12-15T04:51:32.008332 -
2024-12-15T04:51:32.024474 - Starting server
2024-12-15T04:51:32.025010 - To see the GUI go to: http://127.0.0.1:8188
2024-12-15T04:51:32.846490 - FETCH DATA from: G:\AI\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json2024-12-15T04:51:32.846490 - 2024-12-15T04:51:32.850477 - [DONE]2024-12-15T04:51:32.850477 -
2024-12-15T04:51:36.053203 - got prompt
2024-12-15T04:51:38.085778 - Encoded latents shape: torch.Size([1, 1, 16, 96, 64])
2024-12-15T04:51:40.552066 - Requested to load SD3ClipModel_
2024-12-15T04:51:40.561570 - loaded completely 9.5367431640625e+25 4541.693359375 True
2024-12-15T04:51:48.072483 - Detected CogVideoX model type: 5b_I2V_1_5
2024-12-15T04:51:48.156024 - Using accelerate to load and assign model weights to device...
2024-12-15T04:51:49.194254 - Only one image conditioning frame received, img2vid
2024-12-15T04:51:49.195251 - Context schedule disabled
2024-12-15T04:51:49.199065 - Sampling 53 frames in 13 latent frames at 512x768 with 25 inference steps
2024-12-15T04:51:52.300508 - !!! Exception during processing !!! backend='inductor' raised:
RuntimeError: Failed to find C compiler. Please specify via CC environment variable.
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
You can suppress this exception and fall back to eager by setting:
import torch._dynamo
torch._dynamo.config.suppress_errors = True
2024-12-15T04:51:52.304624 - Traceback (most recent call last):
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1446, in _call_user_compiler
compiled_fn = compiler_fn(gm, self.example_inputs())
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\repro\after_dynamo.py", line 129, in __call__
compiled_gm = compiler_fn(gm, example_inputs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\__init__.py", line 2234, in __call__
return compile_fx(model_, inputs_, config_patches=self.config)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 1521, in compile_fx
return aot_autograd(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\backends\common.py", line 72, in __call__
cg = aot_module_simplified(gm, example_inputs, **self.kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_functorch\aot_autograd.py", line 1071, in aot_module_simplified
compiled_fn = dispatch_and_compile()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_functorch\aot_autograd.py", line 1056, in dispatch_and_compile
compiled_fn, _ = create_aot_dispatcher_function(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_functorch\aot_autograd.py", line 522, in create_aot_dispatcher_function
return _create_aot_dispatcher_function(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_functorch\aot_autograd.py", line 759, in _create_aot_dispatcher_function
compiled_fn, fw_metadata = compiler_fn(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_functorch\_aot_autograd\jit_compile_runtime_wrappers.py", line 179, in aot_dispatch_base
compiled_fw = compiler(fw_module, updated_flat_args)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 1350, in fw_compiler_base
return _fw_compiler_base(model, example_inputs, is_inference)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 1421, in _fw_compiler_base
return inner_compile(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 475, in compile_fx_inner
return wrap_compiler_debug(_compile_fx_inner, compiler_name="inductor")(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\repro\after_aot.py", line 85, in debug_wrapper
inner_compiled_fn = compiler_fn(gm, example_inputs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 661, in _compile_fx_inner
compiled_graph = FxGraphCache.load(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\codecache.py", line 1334, in load
compiled_graph = compile_fx_fn(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 570, in codegen_and_compile
compiled_graph = fx_codegen_and_compile(gm, example_inputs, **fx_kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\compile_fx.py", line 878, in fx_codegen_and_compile
compiled_fn = graph.compile_to_fn()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\graph.py", line 1913, in compile_to_fn
return self.compile_to_module().call
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\graph.py", line 1839, in compile_to_module
return self._compile_to_module()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\graph.py", line 1845, in _compile_to_module
self.codegen_with_cpp_wrapper() if self.cpp_wrapper else self.codegen()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\graph.py", line 1784, in codegen
self.scheduler.codegen()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\scheduler.py", line 3383, in codegen
return self._codegen()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\scheduler.py", line 3461, in _codegen
self.get_backend(device).codegen_node(node)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\codegen\cuda_combined_scheduling.py", line 80, in codegen_node
return self._triton_scheduling.codegen_node(node)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\codegen\simd.py", line 1155, in codegen_node
return self.codegen_node_schedule(node_schedule, buf_accesses, numel, rnumel)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\codegen\simd.py", line 1364, in codegen_node_schedule
src_code = kernel.codegen_kernel()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\codegen\triton.py", line 2661, in codegen_kernel
**self.inductor_meta_common(),
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_inductor\codegen\triton.py", line 2532, in inductor_meta_common
"backend_hash": torch.utils._triton.triton_hash_with_backend(),
File "G:\AI\ComfyUI\python\lib\site-packages\torch\utils\_triton.py", line 53, in triton_hash_with_backend
backend = triton_backend()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\utils\_triton.py", line 45, in triton_backend
target = driver.active.get_current_target()
File "G:\AI\ComfyUI\python\lib\site-packages\triton\runtime\driver.py", line 23, in __getattr__
self._initialize_obj()
File "G:\AI\ComfyUI\python\lib\site-packages\triton\runtime\driver.py", line 20, in _initialize_obj
self._obj = self._init_fn()
File "G:\AI\ComfyUI\python\lib\site-packages\triton\runtime\driver.py", line 9, in _create_driver
return actives[0]()
File "G:\AI\ComfyUI\python\lib\site-packages\triton\backends\nvidia\driver.py", line 414, in __init__
self.utils = CudaUtils() # TODO: make static
File "G:\AI\ComfyUI\python\lib\site-packages\triton\backends\nvidia\driver.py", line 92, in __init__
mod = compile_module_from_src(Path(os.path.join(dirname, "driver.c")).read_text(), "cuda_utils")
File "G:\AI\ComfyUI\python\lib\site-packages\triton\backends\nvidia\driver.py", line 69, in compile_module_from_src
so = _build(name, src_path, tmpdir, library_dirs(), include_dir, libraries)
File "G:\AI\ComfyUI\python\lib\site-packages\triton\runtime\build.py", line 53, in _build
raise RuntimeError("Failed to find C compiler. Please specify via CC environment variable.")
RuntimeError: Failed to find C compiler. Please specify via CC environment variable.
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "G:\AI\ComfyUI\execution.py", line 324, 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 "G:\AI\ComfyUI\execution.py", line 199, 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 "G:\AI\ComfyUI\execution.py", line 170, in _map_node_over_list
process_inputs(input_dict, i)
File "G:\AI\ComfyUI\execution.py", line 159, in process_inputs
results.append(getattr(obj, func)(**inputs))
File "G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\nodes.py", line 702, in process
latents = model["pipe"](
File "G:\AI\ComfyUI\python\lib\site-packages\torch\utils\_contextlib.py", line 116, in decorate_context
return func(*args, **kwargs)
File "G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\pipeline_cogvideox.py", line 755, in __call__
noise_pred = self.transformer(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
return forward_call(*args, **kwargs)
File "G:\AI\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\custom_cogvideox_transformer_3d.py", line 653, in forward
hidden_states, encoder_hidden_states = block(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
return forward_call(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\eval_frame.py", line 465, in _fn
return fn(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1736, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\nn\modules\module.py", line 1747, in _call_impl
return forward_call(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 1269, in __call__
return self._torchdynamo_orig_callable(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 1064, in __call__
result = self._inner_convert(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 526, in __call__
return _compile(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 924, in _compile
guarded_code = compile_inner(code, one_graph, hooks, transform)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 666, in compile_inner
return _compile_inner(code, one_graph, hooks, transform)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_utils_internal.py", line 87, in wrapper_function
return function(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 699, in _compile_inner
out_code = transform_code_object(code, transform)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\bytecode_transformation.py", line 1322, in transform_code_object
transformations(instructions, code_options)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 219, in _fn
return fn(*args, **kwargs)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\convert_frame.py", line 634, in transform
tracer.run()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 2796, in run
super().run()
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 983, in run
while self.step():
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 895, in step
self.dispatch_table[inst.opcode](self, inst)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 2987, in RETURN_VALUE
self._return(inst)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\symbolic_convert.py", line 2972, in _return
self.output.compile_subgraph(
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1142, in compile_subgraph
self.compile_and_call_fx_graph(tx, pass2.graph_output_vars(), root)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1369, in compile_and_call_fx_graph
compiled_fn = self.call_user_compiler(gm)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1416, in call_user_compiler
return self._call_user_compiler(gm)
File "G:\AI\ComfyUI\python\lib\site-packages\torch\_dynamo\output_graph.py", line 1465, in _call_user_compiler
raise BackendCompilerFailed(self.compiler_fn, e) from e
torch._dynamo.exc.BackendCompilerFailed: backend='inductor' raised:
RuntimeError: Failed to find C compiler. Please specify via CC environment variable.
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
You can suppress this exception and fall back to eager by setting:
import torch._dynamo
torch._dynamo.config.suppress_errors = True
2024-12-15T04:51:52.305621 - Prompt executed in 16.22 seconds
Attached Workflow
Please make sure that workflow does not contain any sensitive information such as API keys or passwords.
{"last_node_id":67,"last_link_id":153,"nodes":[{"id":31,"type":"CogVideoTextEncode","pos":[580,410],"size":[390,150],"flags":{},"order":8,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":149,"label":"CLIP"}],"outputs":[{"name":"conditioning","type":"CONDITIONING","links":[146],"slot_index":0,"shape":3,"label":"条件"},{"name":"clip","type":"CLIP","links":null}],"properties":{"Node name for S&R":"CogVideoTextEncode"},"widgets_values":["",1,true,[false,true]]},{"id":30,"type":"CogVideoTextEncode","pos":[580,60],"size":[390,300],"flags":{},"order":6,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":54,"label":"CLIP"}],"outputs":[{"name":"conditioning","type":"CONDITIONING","links":[145],"slot_index":0,"shape":3,"label":"条件"},{"name":"clip","type":"CLIP","links":[149],"slot_index":1}],"properties":{"Node name for S&R":"CogVideoTextEncode"},"widgets_values":["The camera slowly recedes. A girl smiles at the audience.",1,false,[false,true]]},{"id":67,"type":"CogVideoXTorchCompileSettings","pos":[-20,60],"size":[250,360],"flags":{},"order":0,"mode":0,"inputs":[],"outputs":[{"name":"torch_compile_args","type":"COMPILEARGS","links":[153],"label":"torch_compile_args"}],"properties":{"Node name for S&R":"CogVideoXTorchCompileSettings"},"widgets_values":["inductor",false,"default",false,64]},{"id":62,"type":"CogVideoImageEncode","pos":[990,800],"size":[330,200],"flags":{},"order":7,"mode":0,"inputs":[{"name":"vae","type":"VAE","link":152},{"name":"start_image","type":"IMAGE","link":142},{"name":"end_image","type":"IMAGE","link":null,"shape":7}],"outputs":[{"name":"samples","type":"LATENT","links":[147],"label":"Latent"}],"properties":{"Node name for S&R":"CogVideoImageEncode"},"widgets_values":[false,0,1,0,1]},{"id":60,"type":"CogVideoDecode","pos":[990,540],"size":[330,200],"flags":{},"order":10,"mode":0,"inputs":[{"name":"vae","type":"VAE","link":151},{"name":"samples","type":"LATENT","link":148,"label":"Latent"}],"outputs":[{"name":"images","type":"IMAGE","links":[134],"label":"图像"}],"properties":{"Node name for S&R":"CogVideoDecode"},"widgets_values":[true,240,360,0.2,0.2,true]},{"id":44,"type":"VHS_VideoCombine","pos":[1340,60],"size":[500,334],"flags":{},"order":11,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":134,"label":"图像"},{"name":"audio","type":"AUDIO","link":null,"shape":7,"label":"音频"},{"name":"meta_batch","type":"VHS_BatchManager","link":null,"shape":7,"label":"批次管理"},{"name":"vae","type":"VAE","link":null,"shape":7}],"outputs":[{"name":"Filenames","type":"VHS_FILENAMES","links":null,"shape":3,"label":"文件名"}],"properties":{"Node name for S&R":"VHS_VideoCombine"},"widgets_values":{"frame_rate":16,"loop_count":0,"filename_prefix":"CogVideoX/%date:yyyy-MM-dd%/%date:yyyy-MM-dd%","format":"video/h264-mp4","pix_fmt":"yuv420p","crf":19,"save_metadata":true,"trim_to_audio":false,"pingpong":false,"save_output":true,"videopreview":{"hidden":false,"paused":false,"params":{"filename":"CogVideoX-I2V_00004.mp4","subfolder":"","type":"temp","format":"video/h264-mp4","frame_rate":8},"muted":false}}},{"id":36,"type":"LoadImage","pos":[250,620],"size":[310,380],"flags":{},"order":1,"mode":0,"inputs":[],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[71],"slot_index":0,"shape":3,"label":"图像"},{"name":"MASK","type":"MASK","links":null,"shape":3,"label":"遮罩"}],"properties":{"Node name for S&R":"LoadImage"},"widgets_values":["精修_几乎不变_00001_.png","image"]},{"id":37,"type":"ImageResizeKJ","pos":[580,620],"size":[390,380],"flags":{},"order":5,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":71,"label":"图像"},{"name":"get_image_size","type":"IMAGE","link":null,"shape":7,"label":"参考图像"},{"name":"width_input","type":"INT","link":null,"widget":{"name":"width_input"},"label":"宽度"},{"name":"height_input","type":"INT","link":null,"widget":{"name":"height_input"},"label":"高度"}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[142],"slot_index":0,"shape":3,"label":"图像"},{"name":"width","type":"INT","links":null,"shape":3,"label":"宽度"},{"name":"height","type":"INT","links":null,"shape":3,"label":"高度"}],"properties":{"Node name for S&R":"ImageResizeKJ"},"widgets_values":[512,768,"lanczos",false,16,0,0,"disabled"]},{"id":63,"type":"CogVideoSampler","pos":[990,60],"size":[330,420],"flags":{},"order":9,"mode":0,"inputs":[{"name":"model","type":"COGVIDEOMODEL","link":150},{"name":"positive","type":"CONDITIONING","link":145,"label":"正面条件"},{"name":"negative","type":"CONDITIONING","link":146,"label":"负面条件"},{"name":"samples","type":"LATENT","link":null,"shape":7,"label":"Latent"},{"name":"image_cond_latents","type":"LATENT","link":147,"shape":7},{"name":"context_options","type":"COGCONTEXT","link":null,"shape":7},{"name":"controlnet","type":"COGVIDECONTROLNET","link":null,"shape":7},{"name":"tora_trajectory","type":"TORAFEATURES","link":null,"shape":7},{"name":"fastercache","type":"FASTERCACHEARGS","link":null,"shape":7}],"outputs":[{"name":"samples","type":"LATENT","links":[148],"label":"Latent"}],"properties":{"Node name for S&R":"CogVideoSampler"},"widgets_values":[49,25,6,670766669265192,"randomize","CogVideoXDDIM",1]},{"id":65,"type":"CogVideoXModelLoader","pos":[250,60],"size":[310,220],"flags":{},"order":4,"mode":0,"inputs":[{"name":"block_edit","type":"TRANSFORMERBLOCKS","link":null,"shape":7,"label":"block_edit"},{"name":"lora","type":"COGLORA","link":null,"shape":7,"label":"lora"},{"name":"compile_args","type":"COMPILEARGS","link":153,"shape":7,"label":"compile_args"}],"outputs":[{"name":"model","type":"COGVIDEOMODEL","links":[150],"slot_index":0,"label":"model"}],"properties":{"Node name for S&R":"CogVideoXModelLoader"},"widgets_values":["CogVideoX_1_5_5b_I2V_bf16.safetensors","bf16","disabled","main_device",false,"sdpa"]},{"id":20,"type":"CLIPLoader","pos":[250,480],"size":[310,82],"flags":{},"order":2,"mode":0,"inputs":[],"outputs":[{"name":"CLIP","type":"CLIP","links":[54],"slot_index":0,"shape":3,"label":"CLIP"}],"properties":{"Node name for S&R":"CLIPLoader"},"widgets_values":["t5xxl_fp8_e4m3fn.safetensors","sd3"]},{"id":66,"type":"CogVideoXVAELoader","pos":[250,340],"size":[310,82],"flags":{},"order":3,"mode":0,"inputs":[{"name":"compile_args","type":"COMPILEARGS","link":null,"shape":7,"label":"compile_args"}],"outputs":[{"name":"vae","type":"VAE","links":[151,152],"slot_index":0,"label":"vae"}],"properties":{"Node name for S&R":"CogVideoXVAELoader"},"widgets_values":["cogvideox_vae_bf16.safetensors","bf16"]}],"links":[[54,20,0,30,0,"CLIP"],[71,36,0,37,0,"IMAGE"],[134,60,0,44,0,"IMAGE"],[142,37,0,62,1,"IMAGE"],[145,30,0,63,1,"CONDITIONING"],[146,31,0,63,2,"CONDITIONING"],[147,62,0,63,4,"LATENT"],[148,63,0,60,1,"LATENT"],[149,30,1,31,0,"CLIP"],[150,65,0,63,0,"COGVIDEOMODEL"],[151,66,0,60,0,"VAE"],[152,66,0,62,0,"VAE"],[153,67,0,65,2,"COMPILEARGS"]],"groups":[],"config":{},"extra":{"ds":{"scale":1.06107646095001,"offset":[-251.470711344211,294.8874126619014]}},"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:
I am a novice, using the one-key integration package of “ComfyUI-AKI”, this check for a long time also do not know how to solve, please help! Thank you!
我是新手,用的是秋葉的一键整合包,这个查了好久也不知道该怎么解决了,求求帮帮忙!谢谢!
ComfyUI Error Report
Error Details
RuntimeError: Failed to find C compiler. Please specify via CC environment variable.
Set TORCH_LOGS="+dynamo" and TORCHDYNAMO_VERBOSE=1 for more information
You can suppress this exception and fall back to eager by setting:
import torch._dynamo
torch._dynamo.config.suppress_errors = True
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: