comfyanonymous / ComfyUI

The most powerful and modular diffusion model GUI, api and backend with a graph/nodes interface.
https://www.comfy.org/
GNU General Public License v3.0
53.07k stars 5.61k forks source link

IMPORT FAILED-ComfyUI-Impact-Pack #5198

Closed zuoyangzi closed 3 days ago

zuoyangzi commented 3 days ago

Expected Behavior

When I updated to the latest version 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.

Actual Behavior

1728530189214

Steps to Reproduce

Fix failed

Debug Logs

[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
[Allor]: 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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-Allor\__init__.py", line 12, in <module>
    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 <module>
    from rembg import remove, new_session
  File "D:\ComfyUI\venv\lib\site-packages\rembg\__init__.py", line 5, in <module>
    from .bg import remove
  File "D:\ComfyUI\venv\lib\site-packages\rembg\bg.py", line 6, in <module>
    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 INFO] Crystools version: 1.19.0
[Crystools INFO] CPU: 13th Gen Intel(R) Core(TM) i7-13700KF - Arch: AMD64 - OS: Windows 10
[Crystools INFO] Pynvml (Nvidia) initialized.
[Crystools INFO] GPU/s:
[Crystools INFO] 0) NVIDIA GeForce RTX 4080
[Crystools INFO] 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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\__init__.py", line 2, in <module>
    from .studio_nodes import DiffTextNode,DiffutoonNode,SDPathLoader,ControlNetPathLoader,ExVideoNode
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\studio_nodes.py", line 11, in <module>
    from diffsynth.data.video import crop_and_resize
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\__init__.py", line 5, in <module>
    from .pipelines import *
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\pipelines\__init__.py", line 1, in <module>
    from .stable_diffusion import SDImagePipeline
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\pipelines\stable_diffusion.py", line 2, in <module>
    from ..controlnets import MultiControlNetManager, ControlNetUnit, ControlNetConfigUnit, Annotator
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\controlnets\__init__.py", line 1, in <module>
    from .controlnet_unit import ControlNetConfigUnit, ControlNetUnit, MultiControlNetManager
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\controlnets\controlnet_unit.py", line 3, in <module>
    from .processors import Processor_id
  File "D:\ComfyUI\custom_nodes\ComfyUI-DiffSynth-Studio\diffsynth\controlnets\processors.py", line 7, in <module>
    from controlnet_aux.processor import (
  File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\__init__.py", line 7, in <module>
    from .midas import MidasDetector
  File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\midas\__init__.py", line 11, in <module>
    from .api import MiDaSInference
  File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\midas\api.py", line 12, in <module>
    from .midas.transforms import Resize, NormalizeImage, PrepareForNet
  File "D:\ComfyUI\venv\lib\site-packages\controlnet_aux\midas\midas\transforms.py", line 6, in <module>
    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'
[ComfyUI-Easy-Use] server: v1.2.4 Loaded
[ComfyUI-Easy-Use] web root: D:\ComfyUI\custom_nodes\ComfyUI-Easy-Use\web_version/v2 Loaded
Traceback (most recent call last):
  File "D:\ComfyUI\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\custom_nodes\ComfyUI-I2V-Adapter\__init__.py", line 4, in <module>
    from .nodes import *
  File "D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter\nodes.py", line 20, in <module>
    from i2v_adapter.models.unet import UNet3DConditionModel
  File "D:\ComfyUI\custom_nodes\ComfyUI-I2V-Adapter\i2v_adapter\models\unet.py", line 16, in <module>
    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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\__init__.py", line 53, in <module>
    raise e
  File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\__init__.py", line 31, in <module>
    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 <module>
    import impact.subcore as subcore
  File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subcore.py", line 17, in <module>
    raise e
  File "D:\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\impact_subpack\impact\subcore.py", line 13, in <module>
    from ultralytics import YOLO
  File "D:\ComfyUI\venv\lib\site-packages\ultralytics\__init__.py", line 5, in <module>
    from ultralytics.data.explorer.explorer import Explorer
  File "D:\ComfyUI\venv\lib\site-packages\ultralytics\data\__init__.py", line 3, in <module>
    from .base import BaseDataset
  File "D:\ComfyUI\venv\lib\site-packages\ultralytics\data\base.py", line 17, in <module>
    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 <module>
    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'
[inference_core_nodes.controlnet_preprocessors] | INFO -> Using ckpts path: D:\ComfyUI\custom_nodes\ComfyUI-Inference-Core-Nodes\src\inference_core_nodes\controlnet_preprocessors\ckpts
[inference_core_nodes.controlnet_preprocessors] | INFO -> Using symlinks: False
[inference_core_nodes.controlnet_preprocessors] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']

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 "<frozen importlib._bootstrap>", line 1050, in _gcd_import
  File "<frozen importlib._bootstrap>", line 1027, in _find_and_load
  File "<frozen importlib._bootstrap>", line 1006, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 688, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", 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 <module>
    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 <module>
    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)

[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)
### 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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ\__init__.py", line 1, in <module>
    from .nodes import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ\nodes.py", line 42, in <module>
    from .liveportrait.utils.crop import _transform_img_kornia
  File "D:\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ\liveportrait\utils\crop.py", line 11, in <module>
    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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush\__init__.py", line 28, in <module>
    from .infer import inference_single_image,crop_padding_and_resize,vis_mask
  File "D:\ComfyUI\custom_nodes\ComfyUI-MimicBrush\infer.py", line 11, in <module>
    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 <module>
    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`
QualityOfLifeSuit_Omar92_DIR: 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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\comfyui-reactor-node\__init__.py", line 23, in <module>
    from .nodes import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "D:\ComfyUI\custom_nodes\comfyui-reactor-node\nodes.py", line 15, in <module>
    from insightface.app.common import Face
  File "D:\ComfyUI\venv\lib\site-packages\insightface\__init__.py", line 18, in <module>
    from . import app
  File "D:\ComfyUI\venv\lib\site-packages\insightface\app\__init__.py", line 2, in <module>
    from .mask_renderer import *
  File "D:\ComfyUI\venv\lib\site-packages\insightface\app\mask_renderer.py", line 4, in <module>
    import albumentations as A
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\__init__.py", line 3, in <module>
    from .augmentations import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\__init__.py", line 2, in <module>
    from .blur.functional import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\__init__.py", line 1, in <module>
    from .functional import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\functional.py", line 8, in <module>
    from albumentations.augmentations.functional import convolve
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\functional.py", line 9, in <module>
    from albumentations.augmentations.utils import (
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\utils.py", line 41, in <module>
    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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-tbox\__init__.py", line 21, in <module>
    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 <module>
    from dwpose import DwposeDetector, AnimalposeDetector
  File "D:\ComfyUI\custom_nodes\ComfyUI-tbox\src\dwpose\__init__.py", line 215, in <module>
    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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI-YoloWorld-EfficientSAM\__init__.py", line 1, in <module>
    from . import YOLO_WORLD_EfficientSAM
  File "D:\ComfyUI\custom_nodes\ComfyUI-YoloWorld-EfficientSAM\YOLO_WORLD_EfficientSAM.py", line 6, in <module>
    import supervision as sv
  File "D:\ComfyUI\venv\lib\site-packages\supervision\__init__.py", line 9, in <module>
    from supervision.annotators.core import (
  File "D:\ComfyUI\venv\lib\site-packages\supervision\annotators\core.py", line 18, in <module>
    from supervision.draw.utils import draw_polygon
  File "D:\ComfyUI\venv\lib\site-packages\supervision\draw\utils.py", line 112, in <module>
    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'
------------------------------------------
Comfyroll Studio v1.76 :  175 Nodes Loaded
------------------------------------------
** 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
------------------------------------------
[comfyui_controlnet_aux] | INFO -> Using ckpts path: D:\ComfyUI\custom_nodes\comfyui_controlnet_aux\ckpts
[comfyui_controlnet_aux] | INFO -> Using symlinks: False
[comfyui_controlnet_aux] | INFO -> Using ort providers: ['CUDAExecutionProvider', 'DirectMLExecutionProvider', 'OpenVINOExecutionProvider', 'ROCMExecutionProvider', 'CPUExecutionProvider', 'CoreMLExecutionProvider']
LOADED 6 FONTS
No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate'

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

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

FizzleDorf Custom Nodes: Loaded
Traceback (most recent call last):
  File "D:\ComfyUI\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\custom_nodes\ComfyUI_Fooocus_KSampler\__init__.py", line 1, in <module>
    from .sampler.nodes import KSamplerWithRefiner
  File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler\sampler\nodes.py", line 7, in <module>
    from .Fooocus import core
  File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler\sampler\Fooocus\core.py", line 15, in <module>
    from .patch import patch_all
  File "D:\ComfyUI\custom_nodes\ComfyUI_Fooocus_KSampler\sampler\Fooocus\patch.py", line 6, in <module>
    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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\ComfyUI_InstantID\__init__.py", line 1, in <module>
    from .InstantID import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "D:\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 13, in <module>
    from insightface.app import FaceAnalysis
  File "D:\ComfyUI\venv\lib\site-packages\insightface\__init__.py", line 18, in <module>
    from . import app
  File "D:\ComfyUI\venv\lib\site-packages\insightface\app\__init__.py", line 2, in <module>
    from .mask_renderer import *
  File "D:\ComfyUI\venv\lib\site-packages\insightface\app\mask_renderer.py", line 4, in <module>
    import albumentations as A
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\__init__.py", line 3, in <module>
    from .augmentations import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\__init__.py", line 2, in <module>
    from .blur.functional import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\__init__.py", line 1, in <module>
    from .functional import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\functional.py", line 8, in <module>
    from albumentations.augmentations.functional import convolve
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\functional.py", line 9, in <module>
    from albumentations.augmentations.utils import (
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\utils.py", line 41, in <module>
    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'
Efficiency Nodes: Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...Success!
Efficiency Nodes Warning: 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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "D:\ComfyUI\custom_nodes\PuLID_ComfyUI\__init__.py", line 1, in <module>
    from .pulid import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "D:\ComfyUI\custom_nodes\PuLID_ComfyUI\pulid.py", line 9, in <module>
    from insightface.app import FaceAnalysis
  File "D:\ComfyUI\venv\lib\site-packages\insightface\__init__.py", line 18, in <module>
    from . import app
  File "D:\ComfyUI\venv\lib\site-packages\insightface\app\__init__.py", line 2, in <module>
    from .mask_renderer import *
  File "D:\ComfyUI\venv\lib\site-packages\insightface\app\mask_renderer.py", line 4, in <module>
    import albumentations as A
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\__init__.py", line 3, in <module>
    from .augmentations import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\__init__.py", line 2, in <module>
    from .blur.functional import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\__init__.py", line 1, in <module>
    from .functional import *
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\blur\functional.py", line 8, in <module>
    from albumentations.augmentations.functional import convolve
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\functional.py", line 9, in <module>
    from albumentations.augmentations.utils import (
  File "D:\ComfyUI\venv\lib\site-packages\albumentations\augmentations\utils.py", line 41, in <module>
    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'

[rgthree-comfy] Loaded 42 extraordinary nodes. 🎉

Traceback (most recent call last):
  File "D:\ComfyUI\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\custom_nodes\was-node-suite-comfyui\__init__.py", line 1, in <module>
    from .WAS_Node_Suite import NODE_CLASS_MAPPINGS
  File "D:\ComfyUI\custom_nodes\was-node-suite-comfyui\WAS_Node_Suite.py", line 14511, in <module>
    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]
QualityOfLifeSuit_Omar92::NSP ready

Other

No response

ltdrdata commented 3 days ago

https://github.com/ltdrdata/ComfyUI-Impact-Pack/issues/774#issuecomment-2403891791