ltdrdata/ComfyUI-Impact-Pack

IMPORT FAILED-ComfyUI-Impact-Pack

zuoyangzi opened this issue · 10 comments

When I updated to the latest version of Comfyui on October 8th,ComfyUI-Impact-Pack doesn‘t work,several custom node also encountered the same problem,Try fix also failed.
I have tried uninstall many times.
1728530189214

[START] Security scan
[DONE] Security scan

ComfyUI-Manager: installing dependencies done.

** ComfyUI startup time: 2024-10-10 10:59:23.596936
** Platform: Windows
** Python version: 3.10.9 (tags/v3.10.9:1dd9be6, Dec 6 2022, 20:01:21) [MSC v.1934 64 bit (AMD64)]
** Python executable: D:\ComfyUI\venv\Scripts\python.exe
** ComfyUI Path: D:\ComfyUI
** Log path: D:\ComfyUI\comfyui.log

Prestartup times for custom nodes:
0.0 seconds: D:\ComfyUI\custom_nodes\rgthree-comfy
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Easy-Use
1.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Manager

Total VRAM 16375 MB, total RAM 65346 MB
pytorch version: 2.1.2+cu118
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4080 : native
Using pytorch cross attention
[Prompt Server] web root: D:\ComfyUI\web_custom_versions\Comfy-Org_ComfyUI_frontend\1.3.16
�[92m[Allor]�[0m: 0 nodes were overridden.
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-Allor_init
.py", line 12, in
NODE_CLASS_MAPPINGS = loader.get_modules()
File "D:\ComfyUI\custom_nodes\ComfyUI-Allor\Loader.py", line 328, in get_modules
from .modules import ImageSegmentation
File "D:\ComfyUI\custom_nodes\ComfyUI-Allor\modules\ImageSegmentation.py", line 3, in
from rembg import remove, new_session
File "D:\ComfyUI\venv\lib\site-packages\rembg_init_.py", line 5, in
from .bg import remove
File "D:\ComfyUI\venv\lib\site-packages\rembg\bg.py", line 6, in
from cv2 import (
ImportError: cannot import name 'BORDER_DEFAULT' from 'cv2' (unknown location)

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-Allor module for custom nodes: cannot import name 'BORDER_DEFAULT' from 'cv2' (unknown location)
[Crystools �[0;32mINFO�[0m] Crystools version: 1.19.0
[Crystools �[0;32mINFO�[0m] CPU: 13th Gen Intel(R) Core(TM) i7-13700KF - Arch: AMD64 - OS: Windows 10
[Crystools �[0;32mINFO�[0m] Pynvml (Nvidia) initialized.
[Crystools �[0;32mINFO�[0m] GPU/s:
[Crystools �[0;32mINFO�[0m] 0) NVIDIA GeForce RTX 4080
[Crystools �[0;32mINFO�[0m] NVIDIA Driver: 551.61
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio_init
.py", line 2, in
from .studio_nodes import DiffTextNode,DiffutoonNode,SDPathLoader,ControlNetPathLoader,ExVideoNode
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\studio_nodes.py", line 11, in
from diffsynth.data.video import crop_and_resize
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth_init_.py", line 5, in
from .pipelines import *
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\pipelines_init_.py", line 1, in
from .stable_diffusion import SDImagePipeline
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\pipelines\stable_diffusion.py", line 2, in
from ..controlnets import MultiControlNetManager, ControlNetUnit, ControlNetConfigUnit, Annotator
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\controlnets_init_.py", line 1, in
from .controlnet_unit import ControlNetConfigUnit, ControlNetUnit, MultiControlNetManager
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\controlnets\controlnet_unit.py", line 3, in
from .processors import Processor_id
File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\controlnets\processors.py", line 7, in
from controlnet_aux.processor import (
File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux_init_.py", line 7, in
from .midas import MidasDetector
File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\midas_init_.py", line 11, in
from .api import MiDaSInference
File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\midas\api.py", line 12, in
from .midas.transforms import Resize, NormalizeImage, PrepareForNet
File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\midas\midas\transforms.py", line 6, in
def apply_min_size(sample, size, image_interpolation_method=cv2.INTER_AREA):
AttributeError: module 'cv2' has no attribute 'INTER_AREA'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio module for custom nodes: module 'cv2' has no attribute 'INTER_AREA'
�[34m[ComfyUI-Easy-Use] server: �[0mv1.2.4 �[92mLoaded�[0m
�[34m[ComfyUI-Easy-Use] web root: �[0mD:\ComfyUI\custom_nodes\ComfyUI-Easy-Use\web_version/v2 �[92mLoaded�[0m
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter_init
.py", line 4, in
from .nodes import *
File "D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter\nodes.py", line 20, in
from i2v_adapter.models.unet import UNet3DConditionModel
File "D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter\i2v_adapter\models\unet.py", line 16, in
from diffusers.modeling_utils import ModelMixin
ModuleNotFoundError: No module named 'diffusers.modeling_utils'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter module for custom nodes: No module named 'diffusers.modeling_utils'

Loading: ComfyUI-Impact-Pack (V7.9)

module 'cv2' has no attribute 'setNumThreads'

!!!!!

[ComfyUI-Impact-Subpack] If this error occurs, please check the following link:
https://github.com/ltdrdata/ComfyUI-Impact-Pack/blob/Main/troubleshooting/TROUBLESHOOTING.md

!!!!!

[Impact Pack] Failed to import due to several dependencies are missing!!!!
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack_init
.py", line 53, in
raise e
File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack_init_.py", line 31, in
import impact.subpack_nodes # This import must be done before cv2.
File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subpack_nodes.py", line 4, in
import impact.subcore as subcore
File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subcore.py", line 17, in
raise e
File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subcore.py", line 13, in
from ultralytics import YOLO
File "D:\ComfyUI\venv\lib\site-packages\ultralytics_init_.py", line 5, in
from ultralytics.data.explorer.explorer import Explorer
File "D:\ComfyUI\venv\lib\site-packages\ultralytics\data_init_.py", line 3, in
from .base import BaseDataset
File "D:\ComfyUI\venv\lib\site-packages\ultralytics\data\base.py", line 17, in
from ultralytics.utils import DEFAULT_CFG, LOCAL_RANK, LOGGER, NUM_THREADS, TQDM
File "D:\ComfyUI\venv\lib\site-packages\ultralytics\utils_init_.py", line 104, in
cv2.setNumThreads(0) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader)
AttributeError: module 'cv2' has no attribute 'setNumThreads'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack module for custom nodes: module 'cv2' has no attribute 'setNumThreads'
�[36;20m[inference_core_nodes.controlnet_preprocessors] | INFO -> Using ckpts path: D:\ComfyUI\custom_nodes\ComfyUI-Inference-Core-Nodes\src\inference_core_nodes\controlnet_preprocessors\ckpts�[0m
�[36;20m[inference_core_nodes.controlnet_preprocessors] | INFO -> Using symlinks: False�[0m
�[36;20m[inference_core_nodes.controlnet_preprocessors] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']�[0m

Full error log from comfyui_controlnet_aux:
Traceback (most recent call last):
File "D:\ComfyUI\custom_nodes\ComfyUI-Inference-Core-Nodes\src\inference_core_nodes\controlnet_preprocessors_init_.py", line 32, in load_nodes
module = importlib.import_module(
File "C:\Users\Zuoyz\AppData\Local\Programs\Python\Python310\lib\importlib_init_.py", line 126, in import_module
return _bootstrap._gcd_import(name[level:], package, level)
File "", line 1050, in _gcd_import
File "", line 1027, in _find_and_load
File "", line 1006, in _find_and_load_unlocked
File "", line 688, in _load_unlocked
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-Inference-Core-Nodes\src\inference_core_nodes\controlnet_preprocessors\node_wrappers\dwpose.py", line 5, in
from controlnet_aux.dwpose import DwposeDetector, AnimalposeDetector
File "D:\ComfyUI\custom_nodes\ComfyUI-Inference-Core-Nodes\src\inference_core_nodes\controlnet_preprocessors\src\controlnet_aux\dwpose_init
.py", line 25, in
from controlnet_aux.util import HWC3, resize_image_with_pad, common_input_validate, custom_hf_download
ImportError: cannot import name 'resize_image_with_pad' from 'controlnet_aux.util' (D:\ComfyUI\venv\lib\site-packages\controlnet_aux\util.py)

�[36;20m[inference_core_nodes.controlnet_preprocessors] | INFO -> Some nodes failed to load:
Failed to import module dwpose because ImportError: cannot import name 'resize_image_with_pad' from 'controlnet_aux.util' (D:\ComfyUI\venv\lib\site-packages\controlnet_aux\util.py)

Check that you properly installed the dependencies.
If you think this is a bug, please report it on the github page (https://github.com/Fannovel16/comfyui_controlnet_aux/issues)�[0m

Loading: ComfyUI-Inspire-Pack (V1.3)

Total VRAM 16375 MB, total RAM 65346 MB
pytorch version: 2.1.2+cu118
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4080 : native
Note: NumExpr detected 24 cores but "NUMEXPR_MAX_THREADS" not set, so enforcing safe limit of 8.
NumExpr defaulting to 8 threads.
Can't load MediaPipe, MediaPipeCropper not available
Can't load MediaPipe, MediaPipeCropper not available
Can't load FaceAlignment, CropperFaceAlignment not available
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ_init
.py", line 1, in
from .nodes import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
File "D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ\nodes.py", line 42, in
from .liveportrait.utils.crop import _transform_img_kornia
File "D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ\liveportrait\utils\crop.py", line 11, in
CV2_INTERP = cv2.INTER_LINEAR
AttributeError: module 'cv2' has no attribute 'INTER_LINEAR'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ module for custom nodes: module 'cv2' has no attribute 'INTER_LINEAR'

Loading: ComfyUI-Manager (V2.51.6)

ComfyUI Revision: 2752 [14eba07a] | Released on '2024-10-09'

!!!MimicBrush path was added to D:\ComfyUI\venv\lib\site-packages/MimicBrush.pth
if meet No module named 'MimicBrush' error,please restart comfyui
xFormers not available
xFormers not available
using MLP layer as FFN
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush_init
.py", line 28, in
from .infer import inference_single_image,crop_padding_and_resize,vis_mask
File "D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush\infer.py", line 11, in
from MimicBrush.depthanything.depth_anything.util.transform import Resize, NormalizeImage, PrepareForNet
File "D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush\MimicBrush\depthanything\depth_anything\util\transform.py", line 12, in
def apply_min_size(sample, size, image_interpolation_method=cv2.INTER_AREA):
AttributeError: module 'cv2' has no attribute 'INTER_AREA'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush module for custom nodes: module 'cv2' has no attribute 'INTER_AREA'
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/extension-node-map.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/custom-node-list.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/model-list.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/alter-list.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/github-stats.json
Fetching 2 files: 100%|████████████████████████████████████████████████████████████████| 2/2 [00:00<00:00, 1999.67it/s]
2 0 2 4 - 1 0 - 1 0 1 0 : 5 9 : 3 1 . 7 2 9 2 4 8 0 [ W : o n n x r u n t i m e : , s e s s i o n _ s t a t e . c c : 1 1 6 9 o n n x r u n t i m e : : V e r i f y E a c h N o d e I s A s s i g n e d T o A n E p ] S o m e n o d e s w e r e n o t a s s i g n e d t o t h e p r e f e r r e d e x e c u t i o n p r o v i d e r s w h i c h m a y o r m a y n o t h a v e a n n e g a t i v e i m p a c t o n p e r f o r m a n c e . e . g . O R T e x p l i c i t l y a s s i g n s s h a p e r e l a t e d o p s t o C P U t o i m p r o v e p e r f .
2 0 2 4 - 1 0 - 1 0 1 0 : 5 9 : 3 1 . 7 3 2 4 8 9 6 [ W : o n n x r u n t i m e : , s e s s i o n _ s t a t e . c c : 1 1 7 1 o n n x r u n t i m e : : V e r i f y E a c h N o d e I s A s s i g n e d T o A n E p ] R e r u n n i n g w i t h v e r b o s e o u t p u t o n a n o n - m i n i m a l b u i l d w i l l s h o w n o d e a s s i g n m e n t s .
Failed to auto update Quality of Life Suit
�[33mQualityOfLifeSuit_Omar92_DIR:�[0m D:\ComfyUI\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\comfyui-reactor-node_init
.py", line 23, in
from .nodes import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
File "D:\ComfyUI\custom_nodes\comfyui-reactor-node\nodes.py", line 15, in
from insightface.app.common import Face
File "D:\ComfyUI\venv\lib\site-packages\insightface_init_.py", line 18, in
from . import app
File "D:\ComfyUI\venv\lib\site-packages\insightface\app_init_.py", line 2, in
from .mask_renderer import *
File "D:\ComfyUI\venv\lib\site-packages\insightface\app\mask_renderer.py", line 4, in
import albumentations as A
File "D:\ComfyUI\venv\lib\site-packages\albumentations_init_.py", line 3, in
from .augmentations import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations_init_.py", line 2, in
from .blur.functional import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur_init_.py", line 1, in
from .functional import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\functional.py", line 8, in
from albumentations.augmentations.functional import convolve
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\functional.py", line 9, in
from albumentations.augmentations.utils import (
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\utils.py", line 41, in
np.uint8: cv2.CV_8U,
AttributeError: module 'cv2' has no attribute 'CV_8U'

Cannot import D:\ComfyUI\custom_nodes\comfyui-reactor-node module for custom nodes: module 'cv2' has no attribute 'CV_8U'
here: D:\ComfyUI\custom_nodes\ComfyUI-tbox
Using ckpts path: D:\ComfyUI\custom_nodes\ComfyUI-tbox....\models\annotator
Using symlinks: False
Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider']
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-tbox_init
.py", line 21, in
from .nodes.preprocessor.dwpose_node import DWPose_Preprocessor, AnimalPose_Preprocessor
File "D:\ComfyUI\custom_nodes\ComfyUI-tbox\nodes\preprocessor\dwpose_node.py", line 5, in
from dwpose import DwposeDetector, AnimalposeDetector
File "D:\ComfyUI\custom_nodes\ComfyUI-tbox\src\dwpose_init_.py", line 215, in
global_cached_dwpose = Wholebody()
File "D:\ComfyUI\custom_nodes\ComfyUI-tbox\src\dwpose\wholebody.py", line 29, in init
cv2_backend = cv2.dnn.DNN_BACKEND_OPENCV if cv2_device == 'cpu' else cv2.dnn.DNN_BACKEND_CUDA
AttributeError: module 'cv2' has no attribute 'dnn'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-tbox module for custom nodes: module 'cv2' has no attribute 'dnn'
(pysssss:WD14Tagger) [DEBUG] Available ORT providers: TensorrtExecutionProvider, CUDAExecutionProvider, CPUExecutionProvider
(pysssss:WD14Tagger) [DEBUG] Using ORT providers: CUDAExecutionProvider, CPUExecutionProvider
Workspace manager - Openning file hash dict
🦄🦄Loading: Workspace Manager (V2.1.0)
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI-YoloWorld-EfficientSAM_init
.py", line 1, in
from . import YOLO_WORLD_EfficientSAM
File "D:\ComfyUI\custom_nodes\ComfyUI-YoloWorld-EfficientSAM\YOLO_WORLD_EfficientSAM.py", line 6, in
import supervision as sv
File "D:\ComfyUI\venv\lib\site-packages\supervision_init_.py", line 9, in
from supervision.annotators.core import (
File "D:\ComfyUI\venv\lib\site-packages\supervision\annotators\core.py", line 18, in
from supervision.draw.utils import draw_polygon
File "D:\ComfyUI\venv\lib\site-packages\supervision\draw\utils.py", line 112, in
text_font: int = cv2.FONT_HERSHEY_SIMPLEX,
AttributeError: module 'cv2' has no attribute 'FONT_HERSHEY_SIMPLEX'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI-YoloWorld-EfficientSAM module for custom nodes: module 'cv2' has no attribute 'FONT_HERSHEY_SIMPLEX'

�[34mComfyroll Studio v1.76 : �[92m 175 Nodes Loaded�[0m

** For changes, please see patch notes at https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes/blob/main/Patch_Notes.md
** For help, please see the wiki at https://github.com/Suzie1/ComfyUI_Comfyroll_CustomNodes/wiki

�[36;20m[comfyui_controlnet_aux] | INFO -> Using ckpts path: D:\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts�[0m
�[36;20m[comfyui_controlnet_aux] | INFO -> Using symlinks: False�[0m
�[36;20m[comfyui_controlnet_aux] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']�[0m
LOADED 6 FONTS
No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate'

███╗ ███╗ █████╗ ██████╗██╗ ██╗██╗███╗ ██╗███████╗
████╗ ████║██╔══██╗██╔════╝██║ ██║██║████╗ ██║██╔════╝
██╔████╔██║███████║██║ ███████║██║██╔██╗ ██║█████╗
██║╚██╔╝██║██╔══██║██║ ██╔══██║██║██║╚██╗██║██╔══╝
██║ ╚═╝ ██║██║ ██║╚██████╗██║ ██║██║██║ ╚████║███████╗
╚═╝ ╚═╝╚═╝ ╚═╝ ╚═════╝╚═╝ ╚═╝╚═╝╚═╝ ╚═══╝╚══════╝

██████╗ ███████╗██╗ ██╗ ██╗███████╗██╗ ██████╗ ███╗ ██╗███████╗
██╔══██╗██╔════╝██║ ██║ ██║██╔════╝██║██╔═══██╗████╗ ██║██╔════╝
██║ ██║█████╗ ██║ ██║ ██║███████╗██║██║ ██║██╔██╗ ██║███████╗
██║ ██║██╔══╝ ██║ ██║ ██║╚════██║██║██║ ██║██║╚██╗██║╚════██║
██████╔╝███████╗███████╗╚██████╔╝███████║██║╚██████╔╝██║ ╚████║███████║
╚═════╝ ╚══════╝╚══════╝ ╚═════╝ ╚══════╝╚═╝ ╚═════╝ ╚═╝ ╚═══╝╚══════╝

�[34mFizzleDorf Custom Nodes: �[92mLoaded�[0m
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler_init
.py", line 1, in
from .sampler.nodes import KSamplerWithRefiner
File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler\sampler\nodes.py", line 7, in
from .Fooocus import core
File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler\sampler\Fooocus\core.py", line 15, in
from .patch import patch_all
File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler\sampler\Fooocus\patch.py", line 6, in
from comfy.samplers import model_management, lcm, math
ImportError: cannot import name 'lcm' from 'comfy.samplers' (D:\ComfyUI\comfy\samplers.py)

Cannot import D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler module for custom nodes: cannot import name 'lcm' from 'comfy.samplers' (D:\ComfyUI\comfy\samplers.py)
Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\ComfyUI_InstantID_init
.py", line 1, in
from .InstantID import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
File "D:\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 13, in
from insightface.app import FaceAnalysis
File "D:\ComfyUI\venv\lib\site-packages\insightface_init_.py", line 18, in
from . import app
File "D:\ComfyUI\venv\lib\site-packages\insightface\app_init_.py", line 2, in
from .mask_renderer import *
File "D:\ComfyUI\venv\lib\site-packages\insightface\app\mask_renderer.py", line 4, in
import albumentations as A
File "D:\ComfyUI\venv\lib\site-packages\albumentations_init_.py", line 3, in
from .augmentations import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations_init_.py", line 2, in
from .blur.functional import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur_init_.py", line 1, in
from .functional import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\functional.py", line 8, in
from albumentations.augmentations.functional import convolve
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\functional.py", line 9, in
from albumentations.augmentations.utils import (
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\utils.py", line 41, in
np.uint8: cv2.CV_8U,
AttributeError: module 'cv2' has no attribute 'CV_8U'

Cannot import D:\ComfyUI\custom_nodes\ComfyUI_InstantID module for custom nodes: module 'cv2' has no attribute 'CV_8U'
�[36mEfficiency Nodes:�[0m Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...�[92mSuccess!�[0m
�[93mEfficiency Nodes Warning:�[0m Failed to import python package 'simpleeval'; related nodes disabled.

Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\PuLID_ComfyUI_init
.py", line 1, in
from .pulid import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
File "D:\ComfyUI\custom_nodes\PuLID_ComfyUI\pulid.py", line 9, in
from insightface.app import FaceAnalysis
File "D:\ComfyUI\venv\lib\site-packages\insightface_init_.py", line 18, in
from . import app
File "D:\ComfyUI\venv\lib\site-packages\insightface\app_init_.py", line 2, in
from .mask_renderer import *
File "D:\ComfyUI\venv\lib\site-packages\insightface\app\mask_renderer.py", line 4, in
import albumentations as A
File "D:\ComfyUI\venv\lib\site-packages\albumentations_init_.py", line 3, in
from .augmentations import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations_init_.py", line 2, in
from .blur.functional import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur_init_.py", line 1, in
from .functional import *
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\functional.py", line 8, in
from albumentations.augmentations.functional import convolve
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\functional.py", line 9, in
from albumentations.augmentations.utils import (
File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\utils.py", line 41, in
np.uint8: cv2.CV_8U,
AttributeError: module 'cv2' has no attribute 'CV_8U'

Cannot import D:\ComfyUI\custom_nodes\PuLID_ComfyUI module for custom nodes: module 'cv2' has no attribute 'CV_8U'

�[92m[rgthree-comfy] Loaded 42 extraordinary nodes. 🎉�[00m

Traceback (most recent call last):
File "D:\ComfyUI\nodes.py", line 2001, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 883, in exec_module
File "", line 241, in call_with_frames_removed
File "D:\ComfyUI\custom_nodes\was-node-suite-comfyui_init
.py", line 1, in
from .WAS_Node_Suite import NODE_CLASS_MAPPINGS
File "D:\ComfyUI\custom_nodes\was-node-suite-comfyui\WAS_Node_Suite.py", line 14511, in
build_info = ' '.join(cv2.getBuildInformation().split())
AttributeError: module 'cv2' has no attribute 'getBuildInformation'

Cannot import D:\ComfyUI\custom_nodes\was-node-suite-comfyui module for custom nodes: module 'cv2' has no attribute 'getBuildInformation'

Import times for custom nodes:
0.0 seconds: D:\ComfyUI\custom_nodes\websocket_image_save.py
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Image-Selector
0.0 seconds: D:\ComfyUI\custom_nodes\comfyUI_TJ_NormalLighting
0.0 seconds: D:\ComfyUI\custom_nodes\sdxl_prompt_styler
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-IC-Light-Native
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_Noise
0.0 seconds: D:\ComfyUI\custom_nodes\sd-dynamic-thresholding
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-BRIA_AI-RMBG
0.0 seconds: D:\ComfyUI\custom_nodes\cg-use-everywhere
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Eagle-PNGInfo
0.0 seconds: D:\ComfyUI\custom_nodes\stability-ComfyUI-nodes
0.0 seconds: D:\ComfyUI\custom_nodes\comfyui-fitsize
0.0 seconds: D:\ComfyUI\custom_nodes\masquerade-nodes-comfyui
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_experiments
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-WD14-Tagger
0.0 seconds: D:\ComfyUI\custom_nodes\wlsh_nodes
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_JPS-Nodes
0.0 seconds: D:\ComfyUI\custom_nodes\comfyui-animatediff
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Video-Matting
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-MimicMotionWrapper
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92
0.0 seconds: D:\ComfyUI\custom_nodes\comfy-image-saver
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_FizzNodes
0.0 seconds: D:\ComfyUI\custom_nodes\OneButtonPrompt
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyMath
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\PuLID_ComfyUI
0.0 seconds: D:\ComfyUI\custom_nodes\Comfy_KepListStuff
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI_InstantID
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Frame-Interpolation
0.0 seconds: D:\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
0.0 seconds: D:\ComfyUI\custom_nodes\CharacterFaceSwap
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-GGUF
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-Allor
0.0 seconds: D:\ComfyUI\custom_nodes\rgthree-comfy
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-JDCN
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-YoloWorld-EfficientSAM
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ
0.0 seconds: D:\ComfyUI\custom_nodes\efficiency-nodes-comfyui
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\comfyui-reactor-node
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_essentials
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
0.0 seconds: D:\ComfyUI\custom_nodes\facerestore_cf
0.0 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-tbox
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-KJNodes
0.0 seconds: D:\ComfyUI\custom_nodes\comfyui_controlnet_aux
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI_smZNodes
0.0 seconds: D:\ComfyUI\custom_nodes\comfyui-workspace-manager
0.0 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Inspire-Pack
0.0 seconds: D:\ComfyUI\custom_nodes\comfyui_segment_anything
0.1 seconds: D:\ComfyUI\custom_nodes\ComfyUI_toyxyz_test_nodes
0.1 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio
0.1 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Crystools
0.2 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Flowty-TripoSR
0.2 seconds: D:\ComfyUI\custom_nodes\clipseg.py
0.3 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Easy-Use
0.3 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Inference-Core-Nodes
0.4 seconds: D:\ComfyUI\custom_nodes\ComfyUI-Manager
0.4 seconds: D:\ComfyUI\custom_nodes\ComfyUI-APISR
0.5 seconds: D:\ComfyUI\custom_nodes\ComfyUI_Fill-Nodes
0.6 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush
0.7 seconds: D:\ComfyUI\custom_nodes\ComfyUI-LaMA-Preprocessor
0.8 seconds (IMPORT FAILED): D:\ComfyUI\custom_nodes\was-node-suite-comfyui
1.4 seconds: D:\ComfyUI\custom_nodes\ComfyUI-MimicMotion

Starting server

To see the GUI go to: http://127.0.0.1:8188
FETCH DATA from: D:\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json [DONE]
�[33mQualityOfLifeSuit_Omar92:�[0m:NSP ready

Use pip freeze to check the versions of OpenCV-related packages.
This issue occurs when the OpenCV version is outdated. OpenCV often has multiple versions installed, and it's not always clear which version will be loaded, which frequently causes problems.

Use pip freeze to check the versions of OpenCV-related packages. This issue occurs when the OpenCV version is outdated. OpenCV often has multiple versions installed, and it's not always clear which version will be loaded, which frequently causes problems.

Finally solved!!!!!Thank you

I am having the same problem. Can you explain how to use pip freeze?

I am having the same problem. Can you explain how to use pip freeze?

It depends on which Python environment you're using for ComfyUI.

If you're using ComfyUI portable, you can check by running:
python_embeded\python.exe -m pip freeze from the installation directory

If you're using ComfyUI in an environment like venv/conda, after activating the relevant Python environment,
just run pip freeze

I ran it, and this is what generated:

G:\ComfyUI_windows_portable\python_embeded>python.exe -m pip freeze
absl-py==2.1.0
accelerate==1.0.1
addict==2.4.0
aiohappyeyeballs==2.4.3
aiohttp==3.10.10
aioice==0.9.0
aioresponses==0.7.6
aiortc==1.9.0
aiosignal @ file:///D:/a/ComfyUI/cu121_python_deps/aiosignal-1.3.1-py3-none-any.whl#sha256=f8376fb07dd1e86a584e4fcdec80b36b7f81aac666ebc724e2c090300dd83b17
albucore==0.0.20
albumentations==1.4.21
annotated-types==0.7.0
anthropic==0.34.2
antlr4-python3-runtime==4.9.3
anyio==4.6.2.post1
APScheduler==3.10.1
arrow==1.3.0
attrs @ file:///D:/a/ComfyUI/cu121_python_deps/attrs-23.2.0-py3-none-any.whl#sha256=99b87a485a5820b23b879f04c2305b44b951b502fd64be915879d77a7e8fc6f1
av==12.3.0
awscli==1.33.44
backoff==2.2.1
beautifulsoup4==4.12.3
binaryornot==0.4.4
bitsandbytes==0.44.1
blend_modes==2.2.0
blind-watermark==0.4.4
BlurGenerator==1.1.0
boto3==1.34.123
botocore==1.34.162
cachetools==5.5.0
certifi @ file:///D:/a/ComfyUI/cu121_python_deps/certifi-2024.7.4-py3-none-any.whl#sha256=c198e21b1289c2ab85ee4e67bb4b4ef3ead0892059901a8d5b622f24a1101e90
cffi==1.17.1
chardet==5.2.0
charset-normalizer @ file:///D:/a/ComfyUI/cu121_python_deps/charset_normalizer-3.3.2-cp311-cp311-win_amd64.whl#sha256=663946639d296df6a2bb2aa51b60a2454ca1cb29835324c640dafb5ff2131a77
click==8.1.7
clip-interrogator==0.6.0
cmake==3.30.5
colorama==0.4.4
coloredlogs==15.0.1
colorlog==6.9.0
colour-science==0.4.6
contourpy==1.3.0
cookiecutter==2.6.0
cryptography==43.0.3
cssselect2==0.7.0
cstr @ git+https://github.com/WASasquatch/cstr@0520c29a18a7a869a6e5983861d6f7a4c86f8e9b
cycler==0.12.1
Cython==3.0.0
dataclasses-json==0.6.7
decorator==4.4.2
deepdiff==8.0.1
defusedxml==0.7.1
Deprecated==1.2.14
diffusers==0.27.2
dill==0.3.8
diskcache==5.6.3
distro==1.9.0
dnspython==2.7.0
docker==6.1.3
docker-pycreds==0.4.0
docutils==0.16
easydict==1.13
einops @ file:///D:/a/ComfyUI/cu121_python_deps/einops-0.8.0-py3-none-any.whl#sha256=9572fb63046264a862693b0a87088af3bdc8c068fde03de63453cbbde245465f
eval_type_backport==0.2.0
fairscale==0.4.13
fal_client==0.5.6
fastapi==0.110.3
ffmpy @ git+https://github.com/WASasquatch/ffmpy.git@f000737698b387ffaeab7cd871b0e9185811230d
filelock @ file:///D:/a/ComfyUI/cu121_python_deps/filelock-3.15.4-py3-none-any.whl#sha256=6ca1fffae96225dab4c6eaf1c4f4f28cd2568d3ec2a44e15a08520504de468e7
flatbuffers==24.3.25
flet==0.24.1
flet-core==0.24.1
flet-runtime==0.24.1
fonttools==4.54.1
frozenlist @ file:///D:/a/ComfyUI/cu121_python_deps/frozenlist-1.4.1-cp311-cp311-win_amd64.whl#sha256=fb3c2db03683b5767dedb5769b8a40ebb47d6f7f45b1b3e3b4b51ec8ad9d9825
fsspec @ file:///D:/a/ComfyUI/cu121_python_deps/fsspec-2024.6.1-py3-none-any.whl#sha256=3cb443f8bcd2efb31295a5b9fdb02aee81d8452c80d28f97a6d0959e6cee101e
ftfy==6.3.1
fvcore==0.1.5.post20221221
gdown==5.2.0
gguf==0.10.0
gitdb==4.0.11
GitPython==3.1.43
glitch_this==1.0.3
google-ai-generativelanguage==0.6.10
google-api-core==2.22.0
google-api-python-client==2.149.0
google-auth==2.35.0
google-auth-httplib2==0.2.0
google-cloud-core==2.4.1
google-cloud-storage==2.18.2
google-crc32c==1.6.0
google-generativeai==0.8.3
google-resumable-media==2.7.2
googleapis-common-protos==1.65.0
GPUtil==1.4.0
groq==0.11.0
grpcio==1.67.1
grpcio-status==1.67.1
h11==0.14.0
httpcore==1.0.6
httplib2==0.22.0
httptools==0.6.4
httpx==0.27.2
httpx-sse==0.4.0
huggingface-hub @ file:///D:/a/ComfyUI/cu121_python_deps/huggingface_hub-0.24.2-py3-none-any.whl#sha256=abdf3244d3a274c4b1fbc5c4a1ef700032b3f60ba93cc63e4f036fd082aa2805
humanfriendly==10.0
hydra-core==1.3.2
idna @ file:///D:/a/ComfyUI/cu121_python_deps/idna-3.7-py3-none-any.whl#sha256=82fee1fc78add43492d3a1898bfa6d8a904cc97d8427f683ed8e798d07761aa0
ifaddr==0.2.0
imageio==2.36.0
imageio-ffmpeg==0.5.1
img2texture @ git+https://github.com/WASasquatch/img2texture.git@d6159abea44a0b2cf77454d3d46962c8b21eb9d3
importlib_metadata==8.5.0
inference-cli==0.24.0
inference-gpu==0.24.0
iniconfig==2.0.0
insightface @ file:///G:/ComfyUI_windows_portable/insightface-0.7.3-cp311-cp311-win_amd64.whl#sha256=ea9b96de0f3cada1c031e3c566d2dfcb2ff45b0b7cca88e27f583ed9ef386561
intel-openmp @ file:///D:/a/ComfyUI/cu121_python_deps/intel_openmp-2021.4.0-py2.py3-none-win_amd64.whl#sha256=eef4c8bcc8acefd7f5cd3b9384dbf73d59e2c99fc56545712ded913f43c4a94f
iopath==0.1.10
jax==0.4.35
jaxlib==0.4.35
Jinja2 @ file:///D:/a/ComfyUI/cu121_python_deps/jinja2-3.1.4-py3-none-any.whl#sha256=bc5dd2abb727a5319567b7a813e6a2e7318c39f4f487cfe6c89c6f9c7d25197d
jiter==0.6.1
jmespath==1.0.1
joblib==1.4.2
jsonschema==4.23.0
jsonschema-specifications==2024.10.1
kiwisolver==1.4.7
kornia @ file:///D:/a/ComfyUI/cu121_python_deps/kornia-0.7.3-py2.py3-none-any.whl#sha256=f2175f7244a220443111917f8ccaf0242ac9c20401b9824b5c0dacddb37f3258
kornia_rs @ file:///D:/a/ComfyUI/cu121_python_deps/kornia_rs-0.1.5-cp311-none-win_amd64.whl#sha256=9491d260bbdd43fad55e9bf15ade851be8b0fed4a341b9db40b1a8a43fab483b
lark-parser==0.12.0
lazy_loader==0.4
lightning-utilities==0.11.8
llama_cpp_python==0.2.26+cu121
llvmlite==0.43.0
loguru==0.7.2
lxml==5.3.0
manifold3d==2.5.1
mapbox_earcut==1.0.2
markdown-it-py==3.0.0
MarkupSafe @ file:///D:/a/ComfyUI/cu121_python_deps/MarkupSafe-2.1.5-cp311-cp311-win_amd64.whl#sha256=2b7c57a4dfc4f16f7142221afe5ba4e093e09e728ca65c51f5620c9aaeb9a617
marshmallow==3.23.0
matplotlib==3.9.2
matrix-client==0.4.0
mdurl==0.1.2
mediapipe==0.10.14
mkl @ file:///D:/a/ComfyUI/cu121_python_deps/mkl-2021.4.0-py2.py3-none-win_amd64.whl#sha256=ceef3cafce4c009dd25f65d7ad0d833a0fbadc3d8903991ec92351fe5de1e718
ml_dtypes==0.5.0
moviepy==1.0.3
mpmath @ file:///D:/a/ComfyUI/cu121_python_deps/mpmath-1.3.0-py3-none-any.whl#sha256=a0b2b9fe80bbcd81a6647ff13108738cfb482d481d826cc0e02f5b35e5c88d2c
multidict @ file:///D:/a/ComfyUI/cu121_python_deps/multidict-6.0.5-cp311-cp311-win_amd64.whl#sha256=2faa5ae9376faba05f630d7e5e6be05be22913782b927b19d12b8145968a85ea
mypy-extensions==1.0.0
networkx @ file:///D:/a/ComfyUI/cu121_python_deps/networkx-3.3-py3-none-any.whl#sha256=28575580c6ebdaf4505b22c6256a2b9de86b316dc63ba9e93abde3d78dfdbcf2
numba==0.60.0
numpy @ file:///D:/a/ComfyUI/cu121_python_deps/numpy-1.26.4-cp311-cp311-win_amd64.whl#sha256=cd25bcecc4974d09257ffcd1f098ee778f7834c3ad767fe5db785be9a4aa9cb2
oauthlib==3.2.2
omegaconf==2.3.0
onnx==1.17.0
onnxruntime==1.19.2
onnxruntime-gpu==1.15.1
open_clip_torch==2.29.0
openai==1.53.0
opencv-contrib-python==4.10.0.84
opencv-python==4.10.0.84
opencv-python-headless==4.10.0.84
opt_einsum==3.4.0
orderly-set==5.2.2
packaging==24.1
pandas==2.2.3
peft==0.13.2
pendulum==3.0.0
piexif==1.1.3
pilgram==1.2.1
pillow==10.4.0
pixeloe==0.0.10
pixelsort==1.0.1
platformdirs==4.3.6
pluggy==1.5.0
pooch==1.8.2
portalocker==2.10.1
prettytable==3.12.0
proglog==0.1.10
prometheus-fastapi-instrumentator==6.0.0
prometheus_client==0.21.0
propcache==0.2.0
proto-plus==1.25.0
protobuf==5.28.3
psutil==6.1.0
PuLP==2.9.0
py-cpuinfo==9.0.0
pyasn1==0.6.1
pyasn1_modules==0.4.1
pybase64==1.4.0
pycocoevalcap==1.2
pycocotools==2.0.8
pycollada==0.8
pycparser @ file:///D:/a/ComfyUI/cu121_python_deps/pycparser-2.22-py3-none-any.whl#sha256=c3702b6d3dd8c7abc1afa565d7e63d53a1d0bd86cdc24edd75470f4de499cfcc
pydantic==2.9.2
pydantic-settings==2.6.0
pydantic_core==2.23.4
pydot==3.0.2
pyee==12.0.0
pyexiv2==2.15.3
pygame==2.6.1
pygit2==1.16.0
PyGithub==2.4.0
Pygments==2.18.0
PyJWT==2.9.0
pykalman==0.9.7
pylibsrtp==0.10.0
PyMatting==1.1.12
PyNaCl==1.5.0
pynvml==11.5.3
pyOpenSSL==24.2.1
pyparsing==3.2.0
pypng==0.20220715.0
pyreadline3==3.5.4
PySocks==1.7.1
pytest==8.3.3
pytest-asyncio==0.21.1
python-dateutil==2.9.0.post0
python-dotenv==1.0.1
python-slugify==8.0.4
pytorch-lightning==2.4.0
pytz==2024.2
PyWavelets==1.7.0
pywin32==308
PyYAML==6.0.2
pyzbar==0.1.9
qrcode==7.4.2
redis==5.2.0
referencing==0.35.1
regex @ file:///D:/a/ComfyUI/cu121_python_deps/regex-2024.7.24-cp311-cp311-win_amd64.whl#sha256=538d30cd96ed7d1416d3956f94d54e426a8daf7c14527f6e0d6d425fcb4cca52
rembg==2.0.59
repath==0.9.0
reportlab==4.2.5
requests==2.31.0
requests-file==2.1.0
requests-toolbelt==1.0.0
requirements-parser==0.11.0
rf-clip==1.1
rich==13.5.2
rpds-py==0.20.0
rsa==4.7.2
Rtree==1.3.0
s3transfer==0.10.3
safetensors==0.4.5
scikit-build==0.18.1
scikit-image==0.24.0
scikit-learn==1.5.2
scipy==1.14.1
seaborn==0.13.2
segment-anything==1.0
sentencepiece @ file:///D:/a/ComfyUI/cu121_python_deps/sentencepiece-0.2.0-cp311-cp311-win_amd64.whl#sha256=0993dbc665f4113017892f1b87c3904a44d0640eda510abcacdfb07f74286d36
sentry-sdk==2.17.0
setproctitle==1.3.3
shapely==2.0.6
shellingham==1.5.4
simpleeval==1.0.1
simsimd==5.9.9
six==1.16.0
skypilot==0.5.0
smmap==5.0.1
sniffio==1.3.1
sounddevice==0.5.1
soundfile @ file:///D:/a/ComfyUI/cu121_python_deps/soundfile-0.12.1-py2.py3-none-win_amd64.whl#sha256=0d86924c00b62552b650ddd28af426e3ff2d4dc2e9047dae5b3d8452e0a49a77
soupsieve==2.6
spandrel==0.4.0
starlette==0.37.2
stringzilla==3.10.7
structlog==24.4.0
supervision==0.22.0
svg.path==6.3
svglib==1.5.1
sympy @ file:///D:/a/ComfyUI/cu121_python_deps/sympy-1.13.1-py3-none-any.whl#sha256=db36cdc64bf61b9b24578b6f7bab1ecdd2452cf008f34faa33776680c26d66f8
tabulate==0.9.0
tbb @ file:///D:/a/ComfyUI/cu121_python_deps/tbb-2021.13.0-py3-none-win_amd64.whl#sha256=3528a53e4bbe64b07a6112b4c5a00ff3c61924ee46c9c68e004a1ac7ad1f09c3
termcolor==2.5.0
text-unidecode==1.3
threadpoolctl==3.5.0
tifffile==2024.9.20
time-machine==2.16.0
timm==0.9.12
tinycss2==1.4.0
tldextract==5.1.2
tokenizers==0.20.1
tomli==2.0.2
torch==2.5.1+cu121
torchaudio==2.5.1+cu121
torchmetrics==1.5.1
torchscale==0.3.0
torchsde @ file:///D:/a/ComfyUI/cu121_python_deps/torchsde-0.2.6-py3-none-any.whl#sha256=19bf7ff02eec7e8e46ba1cdb4aa0f9db1c51d492524a16975234b467f7fc463b
torchvision==0.20.1+cu121
tqdm==4.66.6
trampoline @ file:///D:/a/ComfyUI/cu121_python_deps/trampoline-0.1.2-py3-none-any.whl#sha256=36cc9a4ff9811843d177fc0e0740efbd7da39eadfe6e50c9e2937cbc06d899d9
transformers==4.46.1
transparent-background==1.3.3
trimesh==4.5.1
typer==0.12.5
typer-config==1.4.0
types-python-dateutil==2.9.0.20241003
types-setuptools==75.2.0.20241025
typing-inspect==0.9.0
typing_extensions @ file:///D:/a/ComfyUI/cu121_python_deps/typing_extensions-4.12.2-py3-none-any.whl#sha256=04e5ca0351e0f3f85c6853954072df659d0d13fac324d0072316b67d7794700d
tzdata==2024.2
tzlocal==5.2
ultralytics==8.3.25
ultralytics-thop==2.0.10
uritemplate==4.1.1
urllib3==1.26.20
uvicorn==0.32.0
vhacdx==0.0.8.post1
wandb==0.18.5
watchdog==4.0.2
watchfiles==0.24.0
wcwidth==0.2.13
webcolors==24.8.0
webencodings==0.5.1
websocket-client==1.8.0
websockets==13.1
wget==3.2
win32-setctime==1.1.0
wrapt==1.16.0
xatlas==0.0.9
xxhash==3.5.0
yacs==0.1.8
yapf==0.40.2
yarl==1.17.1
zipp==3.20.2
zxing-cpp==2.2.0

G:\ComfyUI_windows_portable\python_embeded>

After running that, using Comfy UI manager, I uninstalled and reinstalled the Comfy UI Impact Pack and I am still getting the Import Failed error (I am also getting it for ReActor nodes).

It looks like there are some dependencies missing

Total VRAM 24564 MB, total RAM 64653 MB
pytorch version: 2.5.1+cu121
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
Using pytorch cross attention
[Prompt Server] web root: G:\ComfyUI_windows_portable\ComfyUI\web
G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\kornia\feature\lightglue.py:44: FutureWarning: torch.cuda.amp.custom_fwd(args...) is deprecated. Please use torch.amp.custom_fwd(args..., device_type='cuda') instead.
@torch.cuda.amp.custom_fwd(cast_inputs=torch.float32)
Skip G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\autonode.py module for custom nodes due to the lack of NODE_CLASS_MAPPINGS.
Error:
[WinError 1314] A required privilege is not held by the client: 'G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyLiterals\js' -> 'G:\ComfyUI_windows_portable\ComfyUI\web\extensions\ComfyLiterals'
Failed to create symlink to G:\ComfyUI_windows_portable\ComfyUI\web\extensions\ComfyLiterals. Please copy the folder manually.
Source: G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyLiterals\js
Target: G:\ComfyUI_windows_portable\ComfyUI\web\extensions\ComfyLiterals
Adding G:\ComfyUI_windows_portable\ComfyUI\custom_nodes to sys.path
Efficiency Nodes: Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...Success!
Loaded Efficiency nodes from G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\efficiency-nodes-comfyui
Loaded ControlNetPreprocessors nodes from G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_controlnet_aux
Loaded AdvancedControlNet nodes from G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
Could not find AnimateDiff nodes
Loaded IPAdapter nodes from G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
Loaded VideoHelperSuite from G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite

Loading: ComfyUI-Impact-Pack (V7.10.7)

module 'cv2' has no attribute 'setNumThreads'

!!!!!

[ComfyUI-Impact-Subpack] If this error occurs, please check the following link:
https://github.com/ltdrdata/ComfyUI-Impact-Pack/blob/Main/troubleshooting/TROUBLESHOOTING.md

!!!!!

[Impact Pack] Failed to import due to several dependencies are missing!!!!
Could not load ImpactPack nodes module 'cv2' has no attribute 'setNumThreads'
[Crystools INFO] Crystools version: 1.20.0
[Crystools INFO] CPU: AMD Ryzen 7 7800X3D 8-Core Processor - Arch: AMD64 - OS: Windows 10
[Crystools INFO] Pynvml (Nvidia) initialized.
[Crystools INFO] GPU/s:
[Crystools INFO] 0) NVIDIA GeForce RTX 4090
[Crystools INFO] NVIDIA Driver: 560.94
[ComfyUI-Easy-Use] server: v1.2.4 Loaded
[ComfyUI-Easy-Use] web root: G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Easy-Use\web_version/v2 Loaded
Unable to import guidedFilter, make sure you have only opencv-contrib-python or run the import_error_install.bat script

Loading: ComfyUI-Impact-Pack (V7.10.7)

module 'cv2' has no attribute 'setNumThreads'

!!!!!

[ComfyUI-Impact-Subpack] If this error occurs, please check the following link:
https://github.com/ltdrdata/ComfyUI-Impact-Pack/blob/Main/troubleshooting/TROUBLESHOOTING.md

!!!!!

[Impact Pack] Failed to import due to several dependencies are missing!!!!
Traceback (most recent call last):
File "G:\ComfyUI_windows_portable\ComfyUI\nodes.py", line 2006, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 940, in exec_module
File "", line 241, in call_with_frames_removed
File "G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack_init
.py", line 53, in
raise e
File "G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack_init_.py", line 31, in
import impact.subpack_nodes # This import must be done before cv2.
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subpack_nodes.py", line 4, in
import impact.subcore as subcore
File "G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subcore.py", line 17, in
raise e
File "G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subcore.py", line 13, in
from ultralytics import YOLO
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics_init_.py", line 11, in
from ultralytics.models import NAS, RTDETR, SAM, YOLO, FastSAM, YOLOWorld
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics\models_init_.py", line 3, in
from .fastsam import FastSAM
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics\models\fastsam_init_.py", line 3, in
from .model import FastSAM
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics\models\fastsam\model.py", line 5, in
from ultralytics.engine.model import Model
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics\engine\model.py", line 11, in
from ultralytics.cfg import TASK2DATA, get_cfg, get_save_dir
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics\cfg_init_.py", line 10, in
from ultralytics.utils import (
File "G:\ComfyUI_windows_portable\python_embeded\Lib\site-packages\ultralytics\utils_init_.py", line 113, in
cv2.setNumThreads(0) # prevent OpenCV from multithreading (incompatible with PyTorch DataLoader)
^^^^^^^^^^^^^^^^^
AttributeError: module 'cv2' has no attribute 'setNumThreads'

Cannot import G:\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack module for custom nodes: module 'cv2' has no attribute 'setNumThreads'

Loading: ComfyUI-Inspire-Pack (V1.6)

Total VRAM 24564 MB, total RAM 64653 MB
pytorch version: 2.5.1+cu121
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
theUpsiders Logic Nodes: Loaded

Loading: ComfyUI-Manager (V2.51.9)

ComfyUI Revision: 2800 [daa1565b] | Released on '2024-10-30'

[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/model-list.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/alter-list.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/github-stats.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/extension-node-map.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/custom-node-list.json

Just in case it comes up and you have a chance to help someone else out, it would not update opencv_python or opencv_python_headless. I had to remove them manually from the \ComfyUI_windows_portable\python_embeded\Lib\site-packages directory, then use the install CMD to reinstall them. This fixed not only the import failures on Impact Nodes, but ReActor nodes also.

Thank you for your help!

For some reason, it kept looking for requirements in C:\User\{name}\Roaming\python312\lib\ ...etc. and seeing that it was already satisfied and skips installing in python_embedded, then fails to import (WAS nodes also had same issue).
I just went to the Roaming\python312 and temp renamed it to python312_2, then ...\python_embeded\python.exe -m pip install -r .\requirements.txt from the extensions folder to manually install reqs into python embedded.

just update opencv-python solved:

pip install --upgrade opencv-python

on ubuntu

sudo apt install python3-opencv -y
pip install --upgrade opencv-python