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
docker build .-t hiddenswitch/comfyui --no-cache
[+] Building 244.3s (9/9) FINISHED docker:default=> [internal] load build definition from Dockerfile 0.0s
=>=> transferring dockerfile: 1.67kB0.0s
=> [internal] load metadata for nvcr.io/nvidia/pytorch:24.03-py3 0.8s
=> [internal] load .dockerignore 0.0s
=>=> transferring context: 41B 0.0s
=> CACHED [1/5] FROM nvcr.io/nvidia/pytorch:24.03-py3@sha256:01eaf709000a9859fe03ed53a67458349d20816642db9b406d3a44e4e8d824140.0s
=> [2/5] RUN echo "numpy<2"> numpy-override.txt 1.1s
=> [3/5] RUN pip install uv && uv --version && apt-get update && apt-get install --no-install-recommends ffmpeg libsm6 libxext6 -y && uv pip uninstall --system $(pip 190.3s
=> [4/5] WORKDIR /workspace 0.2s
=> [5/5] RUN comfyui --quick-test-for-ci --cpu --cwd /workspace 9.9s
=> exporting to image 41.5s
=>=> exporting layers 41.4s
=>=> writing image sha256:04f23c0fbe5474c8ac824896a32d1015a3d6295793cb07758557a1b6cdb0e067 0.0s
=>=> naming to docker.io/hiddenswitch/comfyui
`docker run -it -v ./output:/workspace/output -v ./models:/workspace/models --gpus=all --ipc=host --ulimit memlock=-1--ulimit stack=67108864--rm hiddenswitch/comfyui`=============== PyTorch ===============
NVIDIA Release 24.03 (build 85286408)
PyTorch Version 2.3.0a0+40ec155e58
Container image Copyright (c) 2024, NVIDIA CORPORATION & AFFILIATES. All rights reserved.
Copyright (c) 2014-2024 Facebook Inc.
Copyright (c) 2011-2014 Idiap Research Institute (Ronan Collobert)
Copyright (c) 2012-2014 Deepmind Technologies (Koray Kavukcuoglu)
Copyright (c) 2011-2012 NEC Laboratories America (Koray Kavukcuoglu)
Copyright (c) 2011-2013 NYU (Clement Farabet)
Copyright (c) 2006-2010 NEC Laboratories America (Ronan Collobert, Leon Bottou, Iain Melvin, Jason Weston)
Copyright (c) 2006 Idiap Research Institute (Samy Bengio)
Copyright (c) 2001-2004 Idiap Research Institute (Ronan Collobert, Samy Bengio, Johnny Mariethoz)
Copyright (c) 2015 Google Inc.
Copyright (c) 2015 Yangqing Jia
Copyright (c) 2013-2016 The Caffe contributors
All rights reserved.
Various files include modifications (c) NVIDIA CORPORATION & AFFILIATES. All rights reserved.
This container image and its contents are governed by the NVIDIA Deep Learning Container License.
By pulling and using the container, you accept the terms and conditions of this license:
https://developer.nvidia.com/ngc/nvidia-deep-learning-container-license
Using pytorch attention
comfy_extras.nodes.nodes_cosmos_upsampling import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1863,in _get_module
return importlib.import_module("."+ module_name, self.__name__)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/processing_auto.py", line 28,in<module>from ...image_processing_utils import ImageProcessingMixin
File "/usr/local/lib/python3.10/dist-packages/transformers/image_processing_utils.py", line 22,in<module>from .image_transforms import center_crop, normalize, rescale
File "/usr/local/lib/python3.10/dist-packages/transformers/image_transforms.py", line 51,in<module>
import jax.numpy as jnp
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_cosmos_upsampling.py", line 18,in<module>from comfy_extras.nodes.nodes_language import TransformersLoader, TransformersTokenize, OneShotInstructTokenize, \
File "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_language.py", line 10,in<module>from transformers import AutoProcessor
File "<frozen importlib._bootstrap>", line 1075,in _handle_fromlist
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1852,in __getattr__
value = getattr(module, name)
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1851,in __getattr__
module = self._get_module(self._class_to_module[name])
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1865,in _get_module
raise RuntimeError(
RuntimeError: Failed to import transformers.models.auto.processing_auto because of the following error (look up to see its traceback):
module 'numpy' has no attribute 'dtypes'
comfy_extras.nodes.nodes_florence2 import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1863,in _get_module
return importlib.import_module("."+ module_name, self.__name__)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/transformers/modeling_utils.py", line 53,in<module>from .loss.loss_utils import LOSS_MAPPING
File "/usr/local/lib/python3.10/dist-packages/transformers/loss/loss_utils.py", line 19,in<module>from .loss_deformable_detr import DeformableDetrForObjectDetectionLoss, DeformableDetrForSegmentationLoss
File "/usr/local/lib/python3.10/dist-packages/transformers/loss/loss_deformable_detr.py", line 4,in<module>from ..image_transforms import center_to_corners_format
File "/usr/local/lib/python3.10/dist-packages/transformers/image_transforms.py", line 51,in<module>
import jax.numpy as jnp
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_florence2.py", line 10,in<module>from comfy.language.transformers_model_management import TransformersManagedModel
File "/usr/local/lib/python3.10/dist-packages/comfy/language/transformers_model_management.py", line 15,in<module>from transformers import PreTrainedModel, PreTrainedTokenizerBase, ProcessorMixin, AutoProcessor, AutoTokenizer, \
File "<frozen importlib._bootstrap>", line 1075,in _handle_fromlist
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1851,in __getattr__
module = self._get_module(self._class_to_module[name])
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1865,in _get_module
raise RuntimeError(
RuntimeError: Failed to import transformers.modeling_utils because of the following error (look up to see its traceback):
module 'numpy' has no attribute 'dtypes'
comfy_extras.nodes.nodes_language import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1863,in _get_module
return importlib.import_module("."+ module_name, self.__name__)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/processing_auto.py", line 28,in<module>from ...image_processing_utils import ImageProcessingMixin
File "/usr/local/lib/python3.10/dist-packages/transformers/image_processing_utils.py", line 22,in<module>from .image_transforms import center_crop, normalize, rescale
File "/usr/local/lib/python3.10/dist-packages/transformers/image_transforms.py", line 51,in<module>
import jax.numpy as jnp
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_language.py", line 10,in<module>from transformers import AutoProcessor
File "<frozen importlib._bootstrap>", line 1075,in _handle_fromlist
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1852,in __getattr__
value = getattr(module, name)
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1851,in __getattr__
module = self._get_module(self._class_to_module[name])
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1865,in _get_module
raise RuntimeError(
RuntimeError: Failed to import transformers.models.auto.processing_auto because of the following error (look up to see its traceback):
module 'numpy' has no attribute 'dtypes'
comfy_extras.nodes.nodes_paligemma import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_paligemma.py", line 7,in<module>
import flax.linen as nn
File "/usr/local/lib/python3.10/dist-packages/flax/__init__.py", line 24,in<module>from flax import core
File "/usr/local/lib/python3.10/dist-packages/flax/core/__init__.py", line 15,in<module>from .axes_scan import broadcast as broadcast
File "/usr/local/lib/python3.10/dist-packages/flax/core/axes_scan.py", line 20,in<module>
import jax
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
comfy_extras.nodes.nodes_textdiffusers import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1863,in _get_module
return importlib.import_module("."+ module_name, self.__name__)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/transformers/modeling_utils.py", line 53,in<module>from .loss.loss_utils import LOSS_MAPPING
File "/usr/local/lib/python3.10/dist-packages/transformers/loss/loss_utils.py", line 19,in<module>from .loss_deformable_detr import DeformableDetrForObjectDetectionLoss, DeformableDetrForSegmentationLoss
File "/usr/local/lib/python3.10/dist-packages/transformers/loss/loss_deformable_detr.py", line 4,in<module>from ..image_transforms import center_to_corners_format
File "/usr/local/lib/python3.10/dist-packages/transformers/image_transforms.py", line 51,in<module>
import jax.numpy as jnp
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_textdiffusers.py", line 31,in<module>from comfy.language.transformers_model_management import TransformersManagedModel
File "/usr/local/lib/python3.10/dist-packages/comfy/language/transformers_model_management.py", line 15,in<module>from transformers import PreTrainedModel, PreTrainedTokenizerBase, ProcessorMixin, AutoProcessor, AutoTokenizer, \
File "<frozen importlib._bootstrap>", line 1075,in _handle_fromlist
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1851,in __getattr__
module = self._get_module(self._class_to_module[name])
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1865,in _get_module
raise RuntimeError(
RuntimeError: Failed to import transformers.modeling_utils because of the following error (look up to see its traceback):
module 'numpy' has no attribute 'dtypes'
comfy_extras.nodes.nodes_torch_compile import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1863,in _get_module
return importlib.import_module("."+ module_name, self.__name__)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/transformers/modeling_utils.py", line 53,in<module>from .loss.loss_utils import LOSS_MAPPING
File "/usr/local/lib/python3.10/dist-packages/transformers/loss/loss_utils.py", line 19,in<module>from .loss_deformable_detr import DeformableDetrForObjectDetectionLoss, DeformableDetrForSegmentationLoss
File "/usr/local/lib/python3.10/dist-packages/transformers/loss/loss_deformable_detr.py", line 4,in<module>from ..image_transforms import center_to_corners_format
File "/usr/local/lib/python3.10/dist-packages/transformers/image_transforms.py", line 51,in<module>
import jax.numpy as jnp
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_torch_compile.py", line 11,in<module>from comfy.language.transformers_model_management import TransformersManagedModel
File "/usr/local/lib/python3.10/dist-packages/comfy/language/transformers_model_management.py", line 15,in<module>from transformers import PreTrainedModel, PreTrainedTokenizerBase, ProcessorMixin, AutoProcessor, AutoTokenizer, \
File "<frozen importlib._bootstrap>", line 1075,in _handle_fromlist
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1851,in __getattr__
module = self._get_module(self._class_to_module[name])
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1865,in _get_module
raise RuntimeError(
RuntimeError: Failed to import transformers.modeling_utils because of the following error (look up to see its traceback):
module 'numpy' has no attribute 'dtypes'
comfy_extras.nodes.nodes_wan_prompt_expander import failed
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1863,in _get_module
return importlib.import_module("."+ module_name, self.__name__)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/transformers/models/auto/processing_auto.py", line 28,in<module>from ...image_processing_utils import ImageProcessingMixin
File "/usr/local/lib/python3.10/dist-packages/transformers/image_processing_utils.py", line 22,in<module>from .image_transforms import center_crop, normalize, rescale
File "/usr/local/lib/python3.10/dist-packages/transformers/image_transforms.py", line 51,in<module>
import jax.numpy as jnp
File "/usr/local/lib/python3.10/dist-packages/jax/__init__.py", line 37,in<module>
import jax.core as _core
File "/usr/local/lib/python3.10/dist-packages/jax/core.py", line 18,in<module>from jax._src.core import (
File "/usr/local/lib/python3.10/dist-packages/jax/_src/core.py", line 37,in<module>from jax._src import dtypes
File "/usr/local/lib/python3.10/dist-packages/jax/_src/dtypes.py", line 521,in<module>if hasattr(np.dtypes,'StringDType') and xla_extension_version >=311:
File "/usr/local/lib/python3.10/dist-packages/numpy/__init__.py", line 320,in __getattr__
raise AttributeError("module {!r} has no attribute "
AttributeError: module 'numpy' has no attribute 'dtypes'. Did you mean: 'dtype'?
The above exception was the direct cause of the following exception:
Traceback (most recent call last):
File "/usr/local/lib/python3.10/dist-packages/comfy/nodes/package.py", line 75,in _import_and_enumerate_nodes_in_module
submodule = importlib.import_module(full_name)
File "/usr/lib/python3.10/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 "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_wan_prompt_expander.py", line 7,in<module>from comfy_extras.nodes.nodes_language import OneShotInstructTokenize, TransformersLoader
File "/usr/local/lib/python3.10/dist-packages/comfy_extras/nodes/nodes_language.py", line 10,in<module>from transformers import AutoProcessor
File "<frozen importlib._bootstrap>", line 1075,in _handle_fromlist
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1852,in __getattr__
value = getattr(module, name)
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1851,in __getattr__
module = self._get_module(self._class_to_module[name])
File "/usr/local/lib/python3.10/dist-packages/transformers/utils/import_utils.py", line 1865,in _get_module
raise RuntimeError(
RuntimeError: Failed to import transformers.models.auto.processing_auto because of the following error (look up to see its traceback):
module 'numpy' has no attribute 'dtypes'0.0 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_language (0 nodes loaded)
0.0 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_paligemma (0 nodes loaded)
0.0 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_wan_prompt_expander (0 nodes loaded)
0.0 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_textdiffusers (0 nodes loaded)
0.1 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_cosmos_upsampling (0 nodes loaded)
0.1 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_florence2 (0 nodes loaded)
0.9 seconds (IMPORT FAILED), comfy_extras.nodes.nodes_torch_compile (0 nodes loaded)
Server ready. To see the GUI go to: http://localhost:8188
^CGracefully shutting down due to KeyboardInterrupt
Other
docker version
Client: Docker Engine - Community
Version: 28.0.1
API version: 1.48
Go version: go1.23.6
Git commit: 068a01e
Built: Wed Feb 26 10:41:12 2025
OS/Arch: linux/amd64
Context: default
Server: Docker Engine - Community
Engine:
Version: 28.0.1
API version: 1.48 (minimum version 1.24)
Go version: go1.23.6
Git commit: bbd0a17
Built: Wed Feb 26 10:41:12 2025
OS/Arch: linux/amd64
Experimental: false
containerd:
Version: 1.7.25
GitCommit: bcc810d6b9066471b0b6fa75f557a15a1cbf31bb
runc:
Version: 1.2.4
GitCommit: v1.2.4-0-g6c52b3f
docker-init:
Version: 0.19.0
GitCommit: de40ad0
sudo docker run --rm --runtime=nvidia --gpus all ubuntu nvidia-smi
Sun Mar 9 05:16:54 2025
+-----------------------------------------------------------------------------------------+
| NVIDIA-SMI 560.35.03 Driver Version: 560.35.03 CUDA Version: 12.6 |
|-----------------------------------------+------------------------+----------------------+
| GPU Name Persistence-M | Bus-Id Disp.A | Volatile Uncorr. ECC |
| Fan Temp Perf Pwr:Usage/Cap | Memory-Usage | GPU-Util Compute M. |
| | | MIG M. |
|=========================================+========================+======================|
| 0 NVIDIA GeForce RTX 3090 Off | 00000000:06:00.0 On | N/A |
| 43% 46C P8 37W / 350W | 501MiB / 24576MiB | 0% Default |
| | | N/A |
+-----------------------------------------+------------------------+----------------------+
| 1 NVIDIA GeForce RTX 3090 Off | 00000000:0A:00.0 Off | N/A |
| 36% 46C P8 29W / 350W | 15MiB / 24576MiB | 0% Default |
| | | N/A |
+-----------------------------------------+------------------------+----------------------+
+-----------------------------------------------------------------------------------------+
| Processes: |
| GPU GI CI PID Type Process name GPU Memory |
| ID ID Usage |
|=========================================================================================|
+-----------------------------------------------------------------------------------------+
The text was updated successfully, but these errors were encountered:
Expected Behavior
run a GUI and backend
Actual Behavior
Docker build is OK
docker run fails
Steps to Reproduce
docker build . -t hiddenswitch/comfyui --no-cache
docker run -it -v ./output:/workspace/output -v ./models:/workspace/models --gpus=all --ipc=host --ulimit memlock=-1 --ulimit stack=67108864 --rm hiddenswitch/comfyui
Debug Logs
Other
docker version
sudo docker run --rm --runtime=nvidia --gpus all ubuntu nvidia-smi
The text was updated successfully, but these errors were encountered: