Coder Social home page Coder Social logo

comfyui-exllama-nodes's Issues

Error occurred after comfyui upgrade

Error occurred when executing ZuellniExLlamaGenerator:

sample_basic(): incompatible function arguments. The following argument types are supported:

  1. (arg0: torch.Tensor, arg1: float, arg2: int, arg3: float, arg4: float, arg5: float, arg6: torch.Tensor, arg7: torch.Tensor) -> None

Invoked with: tensor([[-9.0547, -8.7422, 7.3477, ..., -7.6328, -5.0000, -3.2949]]), 0.7, 20, 0.9, 0.98, 0.9980835713764517, tensor([[0]]), tensor([[0.]]), tensor([[True, True, True, ..., True, True, True]])

File "D:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "D:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 82, in get_output_data
return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True)
File "D:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
File "D:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\nodes.py", line 96, in generate
chunk, eos, _ = model.stream()
File "D:\AI\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2\generator\streaming.py", line 111, in stream
next_token, eos = self._gen_single_token(self.settings)
File "D:\AI\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2\generator\streaming.py", line 204, in _gen_single_token
token, _, eos = ExLlamaV2Sampler.sample(logits, gen_settings, self.sequence_ids, random.random(), self.tokenizer, prefix_token)
File "D:\AI\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2\generator\sampler.py", line 116, in sample
ext_c.sample_basic(logits,

name 'exllamav2_ext' is not defined

File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes_init_.py", line 1, in
from . import exllama, text
File "F:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\exllama.py", line 6, in
from exllamav2 import *
File "F:\ComfyUI\python_embeded\Lib\site-packages\exllamav2_init_.py", line 3, in
from exllamav2.model import ExLlamaV2
File "F:\ComfyUI\python_embeded\Lib\site-packages\exllamav2\model.py", line 31, in
from exllamav2.config import ExLlamaV2Config
File "F:\ComfyUI\python_embeded\Lib\site-packages\exllamav2\config.py", line 5, in
from exllamav2.fasttensors import STFile
File "F:\ComfyUI\python_embeded\Lib\site-packages\exllamav2\fasttensors.py", line 6, in
from exllamav2.ext import exllamav2_ext as ext_c
File "F:\ComfyUI\python_embeded\Lib\site-packages\exllamav2\ext.py", line 281, in
ext_c = exllamav2_ext
^^^^^^^^^^^^^
NameError: name 'exllamav2_ext' is not defined

No module named 'exllama'

`Traceback (most recent call last):
File "D:\Blender_ComfyUI\ComfyUI\nodes.py", line 1725, 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:\Blender_ComfyUI\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes_init
.py", line 1, in
from .nodes import Generator, Loader, Previewer
File "D:\Blender_ComfyUI\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\nodes.py", line 6, in
from exllama.alt_generator import ExLlamaAltGenerator
ModuleNotFoundError: No module named 'exllama'

Cannot import D:\Blender_ComfyUI\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes module for custom nodes: No module named 'exllama'`

@Zuellni

IndexError: list index out of range

Hi, I try to install this node on Linux,

I get this error:

Traceback (most recent call last):
  File "/comfyui/nodes.py", line 1866, 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 "/comfyui/custom_nodes/ComfyUI-ExLlama-Nodes/__init__.py", line 1, in <module>
    from . import exllama, text
  File "/comfyui/custom_nodes/ComfyUI-ExLlama-Nodes/exllama.py", line 6, in <module>
    from exllamav2 import *
  File "/usr/local/lib/python3.10/site-packages/exllamav2/__init__.py", line 3, in <module>
    from exllamav2.model import ExLlamaV2
  File "/usr/local/lib/python3.10/site-packages/exllamav2/model.py", line 31, in <module>
    from exllamav2.config import ExLlamaV2Config
  File "/usr/local/lib/python3.10/site-packages/exllamav2/config.py", line 5, in <module>
    from exllamav2.fasttensors import STFile
  File "/usr/local/lib/python3.10/site-packages/exllamav2/fasttensors.py", line 6, in <module>
    from exllamav2.ext import exllamav2_ext as ext_c
  File "/usr/local/lib/python3.10/site-packages/exllamav2/ext.py", line 250, in <module>
    maybe_set_arch_list_env()
  File "/usr/local/lib/python3.10/site-packages/exllamav2/ext.py", line 43, in maybe_set_arch_list_env
    arch_list[-1] += '+PTX'
IndexError: list index out of range

Could you tell me how to fix it?

Thanks,
Jimmy

ModuleNotFoundError: No module named 'exllamav2'

Hi, I'm very new to all this. I've been messing around trying to install your custom node but I keep getting this:
Screenshot 2024-02-21 155702

Some more info that might help, I got : Python 3.11.8, Torch 2.2.0+cu118, CUDA 11.8
The last wheel I've tried: exllama-0.0.18+cu118-cp311-cp311-win_amd64.whl

Comfyui cu version 121, unable to load bug fixes.

portable version:
mode 1:
D:/AI/ComfyUI_cu121/python_embeded/python.exe -s -m pip install -r requirements.txt

mode 2:
D:/AI/ComfyUI_cu121/python_embeded/python.exe -s -m pip install exllamav2-0.0.6+cu121-cp311-cp311-win_amd64.whl --target=D:\AI\ComfyUI_cu121\python_embeded\Lib\site-packages
download exllamav2-0.0.6+cu121-cp311-cp311-win_amd64.whl ,put into "exllama nodes"。 then run the above code 。
I do not understand programming, inadvertently saw was node operation, found that can solve the problem. Presented for the author's reference only

Nodes missing

There are no nodes after install (through comfy manager or manual install). idk why. Repo cloned properly i think.
"Intall missing nodes" did nothing

image image

cannot find nodes even after installing everything and no errors during startup

I'm getting error about missing nodes even I installed exllama and everything necessarry. There are no errors during startup.

When loading the graph, the following node types were not found:
String Variable
GPTSampler
GPT Loader Simple
Integer Variable
Nodes that have failed to load will show as red on the graph.

This is output from the start of Pinokio comfyUI, it says ComfyUI-ExLlama was loaded.

C:\...\pinokio\api\comfyui.git\app>C:\...\pinokio\api\comfyui.git\app\env\Scripts\activate C:\...\pinokio\api\comfyui
.git\app\env && python main.py --disable-xformers
** ComfyUI startup time: 2024-02-21 12:49:13.044990
** Platform: Windows
** Python version: 3.10.13 | packaged by conda-forge | (main, Dec 23 2023, 15:27:34) [MSC v.1937 64 bit (AMD64)]
** Python executable: C:\...\pinokio\api\comfyui.git\app\env\Scripts\python.exe
** Log path: C:\...\pinokio\api\comfyui.git\app\comfyui.log

Prestartup times for custom nodes:
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\rgthree-comfy
   0.1 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Manager

Total VRAM 16384 MB, total RAM 32469 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3080 Laptop GPU : cudaMallocAsync
VAE dtype: torch.bfloat16
Using pytorch cross attention
Adding C:\...\pinokio\api\comfyui.git\app\custom_nodes to sys.path
Loaded efficiency nodes from C:\...\pinokio\api\comfyui.git\app\custom_nodes\efficiency-nodes-comfyui
Could not find ControlNetPreprocessors nodes
Could not find AdvancedControlNet nodes
Could not find AnimateDiff nodes       
Could not find IPAdapter nodes
Could not find VideoHelperSuite nodes
### Loading: ComfyUI-Impact-Pack (V4.78)
### Loading: ComfyUI-Impact-Pack (Subpack: V0.4)
### Loading: ComfyUI-Manager (V2.7.2)
[Impact Pack] Wildcards loading done.
### ComfyUI Revision: 2005 [0d0fbabd] | Released on '2024-02-20'
Failed to auto update `Quality of Life Suit` 
QualityOfLifeSuit_Omar92_DIR: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92

[rgthree] Loaded 34 extraordinary nodes.
[rgthree] Will use rgthree's optimized recursive execution.

[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/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
WAS Node Suite: OpenCV Python FFMPEG support is enabled
WAS Node Suite Warning: `ffmpeg_bin_path` is not set in `C:\Users\matus\pinokio\api\comfyui.git\app\custom_nodes\was-node-suite-comfyui\was_s
uite_config.json` config file. Will attempt to use system ffmpeg binaries if available.
WAS Node Suite: Finished. Loaded 211 nodes successfully.

        "Art is the most intense mode of individualism that the world has known." - Oscar Wilde


Import times for custom nodes:
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\efficiency-nodes-comfyui        
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\sdxl_prompt_styler
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI_JPS-Nodes
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-post-processing-nodes   
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyMath
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\comfy-image-saver
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Custom-Scripts
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\rgthree-comfy
   0.0 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\Derfuu_ComfyUI_ModdedNodes      
   0.1 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\comfyui-art-venture
   0.4 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Manager
   1.0 seconds: C:...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Impact-Pack
   1.6 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\was-node-suite-comfyui
   2.3 seconds: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-ExLlama

Starting server

To see the GUI go to: http://127.0.0.1:8188

[Start proxy] Local Sharing http://127.0.0.1:8188
Proxy StartedFETCH DATA from: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Manager\extension-node-map.json
Error: OpenAI API key is invalid OpenAI features wont work for you
QualityOfLifeSuit_Omar92::NSP ready
FETCH DATA from: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Manager\.cache\1514988643_custom-node-list.json
FETCH DATA from: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Manager\.cache\1742899825_extension-node-map.json
FETCH DATA from: C:\...\pinokio\api\comfyui.git\app\custom_nodes\ComfyUI-Manager\extension-node-map.json

Any plans to add more detailed instructions for using the nodes? Specifically the Replace node?

Hi, I'm starting to test these nodes in a workflow, but I can't seem to grasp how the Replace node is supposed to work. I'm also unsure exactly where my initial prompt is supposed to go.

I see the Generator node's text field, and how it's being used to instruct the LLM on how to behave and receive the appropriate response. When I try to define a variable like [a] in that text field, it doesn't seem to work as intended. Perhaps I'm just not understanding the default workflow you've provided. Are you able to clarify things such as:

  1. Where the user is supposed to put their initial prompt.
  2. The purpose of the Replace node, with an example of it being used to affect image generation.

That would be immensely helpful. My ultimate goal is to include LLM prompt enrichment in my workflow in order to create better images. Thanks!

Trevor

language model install

Hello.
I Installed this node to ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes-main
and then I installed the requirements txt files. everything went smoothly. then I copied over your png image from your readme and it loaded up perfectly. however there are two things missing. the loader for the language model is not actually a loader it is a txt field that you have typed zephyr-7b-beta-5.0bpw-h6-exl2 I can see that model on hugging face https://huggingface.co/LoneStriker/zephyr-7b-beta-5.0bpw-h6-exl2 however I am unsure how to load the model. or if i download the model where do i put it? in what folder? is this thing automatically searching the hugging face cache? if i want to load a new model say llama 70b how do I do so. into what folder do I put the model itself.

Thanks

MAX_TOKENS in error

hello,nice work.but when I load the example workflow it come out:


  • ZuellniExLlamaGenerator 5:
    • Required input is missing: max_tokens
      Output will be ignored
      Failed to validate prompt for output 11:
      Output will be ignored
      invalid prompt: {'type': 'prompt_outputs_failed_validation', 'message': 'Prompt outputs failed validation', 'details': 'Required input is missing: max_tokens', 'extra_info': {}}

it seems MAX_TOKENS isn't set ,would you please check?

The exllama plugin cannot be loaded properly

Hello! I have tried different versions of exllamav2 and flash-attn, but it keeps giving errors. From some of your previous replies, it seems that Python 3.11.8 is needed for exllama to run properly, but I don't know how to update it in the integrated package and I'm not sure if this is the reason. So I have to seek your help. The detailed startup information is as follows.

1、Python 3.11.6
2、torch: 2.3.0+cu121
3、CUDA: 12.1
4、OS:windows10
------------------------------------------


 已成功安装环境包:exllamav2-0.1.8+cu121.torch2.3.1

欢迎使用 疯狂Ai启动器·整合版 (GPU)

## ComfyUI-Manager: installing dependencies done.

** ComfyUI startup time: 2024-07-25 01:48:54.621191
** Platform: Windows
** Python version: 3.11.6 | packaged by conda-forge | (main, Oct  3 2023, 10:29:11) [MSC v.1935 64 bit (AMD64)]
** Python executable: F:\ComfyUI_FK_20240724\python_embeded\py96841053.exe
** Log path: F:\ComfyUI_FK_20240724\python_embeded\comfyui.log


Total VRAM 12282 MB, total RAM 65304 MB
pytorch version: 2.3.0+cu121

WARNING[XFORMERS]: xFormers can't load C++/CUDA extensions. xFormers was built for:
    PyTorch 2.2.2+cu118 with CUDA 1108 (you have 2.3.0+cu121)
    Python  3.11.8 (you have 3.11.6)
  Please reinstall xformers (see https://github.com/facebookresearch/xformers#installing-xformers)
  Memory-efficient attention, SwiGLU, sparse and more won't be available.
  Set XFORMERS_MORE_DETAILS=1 for more details

xformers version: 0.0.25.post1+cu118

Set vram state to: NORMAL_VRAM
Disabling smart memory management
Device: cuda:0 NVIDIA GeForce RTX 4070 : native

Using pytorch cross attention

[Prompt Server] web root: F:\ComfyUI_FK_20240724\ComfyUI\web

Adding extra search path checkpoints F:/01_webui-aki-v4.7_Mini/models/Stable-diffusion
Adding extra search path configs F:/01_webui-aki-v4.7_Mini/models/Stable-diffusion
Adding extra search path vae F:/01_webui-aki-v4.7_Mini/models/VAE
Adding extra search path loras F:/01_webui-aki-v4.7_Mini/models/Lora
Adding extra search path loras F:/01_webui-aki-v4.7_Mini/models/LyCORIS
Adding extra search path upscale_models F:/01_webui-aki-v4.7_Mini/models/ESRGAN
Adding extra search path upscale_models F:/01_webui-aki-v4.7_Mini/models/RealESRGAN
Adding extra search path upscale_models F:/01_webui-aki-v4.7_Mini/models/SwinIR
Adding extra search path embeddings F:/01_webui-aki-v4.7_Mini/embeddings
Adding extra search path hypernetworks F:/01_webui-aki-v4.7_Mini/models/hypernetworks
Adding extra search path controlnet F:/01_webui-aki-v4.7_Mini/models/ControlNet

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\ComfyUI\nodes.py", line 1931, 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 "F:\ComfyUI_FK_20240724\ComfyUI\comfy_extras\nodes_canny.py", line 1, in 
    from kornia.filters import canny
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\__init__.py", line 8, in 
    from . import augmentation, color, contrib, core, enhance, feature, io, losses, metrics, morphology, tracking, utils, x
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\__init__.py", line 2, in 
    from kornia.augmentation import auto, container
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\__init__.py", line 1, in 
    from .autoaugment import AutoAugment
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\autoaugment\__init__.py", line 1, in 
    from .autoaugment import AutoAugment
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\autoaugment\autoaugment.py", line 5, in 
    from kornia.augmentation.auto.base import SUBPOLICY_CONFIG, PolicyAugmentBase
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\base.py", line 5, in 
    from kornia.augmentation.auto.operations.base import OperationBase
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\operations\__init__.py", line 3, in 
    from .policy import PolicySequential
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\operations\policy.py", line 7, in 
    from kornia.augmentation.container.base import ImageSequentialBase, TransformMatrixMinIn
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\container\__init__.py", line 1, in 
    from kornia.augmentation.container.augment import AugmentationSequential
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\container\augment.py", line 4, in 
    from kornia.augmentation._2d.base import RigidAffineAugmentationBase2D
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_2d\__init__.py", line 2, in 
    from kornia.augmentation._2d.intensity import *
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_2d\intensity\__init__.py", line 28, in 
    from kornia.augmentation._2d.intensity.plasma import RandomPlasmaBrightness, RandomPlasmaContrast, RandomPlasmaShadow
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_2d\intensity\plasma.py", line 5, in 
    from kornia.contrib import diamond_square
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\contrib\__init__.py", line 15, in 
    from .image_stitching import ImageStitcher
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\contrib\image_stitching.py", line 7, in 
    from kornia.feature import LocalFeatureMatcher, LoFTR
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\feature\__init__.py", line 7, in 
    from .integrated import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\feature\integrated.py", line 17, in 
    from .lightglue import LightGlue
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\feature\lightglue.py", line 30, in 
    from flash_attn.modules.mha import FlashCrossAttention
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\__init__.py", line 3, in 
    from flash_attn.flash_attn_interface import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\flash_attn_interface.py", line 10, in 
    import flash_attn_2_cuda as flash_attn_cuda
ImportError: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Cannot import F:\ComfyUI_FK_20240724\ComfyUI\comfy_extras\nodes_canny.py module for custom nodes: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\ComfyUI\nodes.py", line 1931, 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 "F:\ComfyUI_FK_20240724\ComfyUI\comfy_extras\nodes_morphology.py", line 4, in 
    from kornia.morphology import dilation, erosion, opening, closing, gradient, top_hat, bottom_hat
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\__init__.py", line 8, in 
    from . import augmentation, color, contrib, core, enhance, feature, io, losses, metrics, morphology, tracking, utils, x
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\__init__.py", line 2, in 
    from kornia.augmentation import auto, container
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\__init__.py", line 1, in 
    from .autoaugment import AutoAugment
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\autoaugment\__init__.py", line 1, in 
    from .autoaugment import AutoAugment
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\autoaugment\autoaugment.py", line 5, in 
    from kornia.augmentation.auto.base import SUBPOLICY_CONFIG, PolicyAugmentBase
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\base.py", line 6, in 
    from kornia.augmentation.auto.operations.policy import PolicySequential
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\operations\__init__.py", line 3, in 
    from .policy import PolicySequential
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\auto\operations\policy.py", line 7, in 
    from kornia.augmentation.container.base import ImageSequentialBase, TransformMatrixMinIn
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\container\__init__.py", line 1, in 
    from kornia.augmentation.container.augment import AugmentationSequential
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\container\augment.py", line 5, in 
    from kornia.augmentation._3d.base import AugmentationBase3D, RigidAffineAugmentationBase3D
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_3d\__init__.py", line 3, in 
    from kornia.augmentation._3d.mix import *
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_3d\mix\__init__.py", line 1, in 
    from kornia.augmentation._3d.mix.transplantation import RandomTransplantation3D
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_3d\mix\transplantation.py", line 1, in 
    from kornia.augmentation._2d.mix.transplantation import RandomTransplantation
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_2d\__init__.py", line 2, in 
    from kornia.augmentation._2d.intensity import *
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_2d\intensity\__init__.py", line 28, in 
    from kornia.augmentation._2d.intensity.plasma import RandomPlasmaBrightness, RandomPlasmaContrast, RandomPlasmaShadow
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\augmentation\_2d\intensity\plasma.py", line 5, in 
    from kornia.contrib import diamond_square
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\contrib\__init__.py", line 15, in 
    from .image_stitching import ImageStitcher
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\contrib\image_stitching.py", line 7, in 
    from kornia.feature import LocalFeatureMatcher, LoFTR
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\feature\__init__.py", line 7, in 
    from .integrated import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\feature\integrated.py", line 17, in 
    from .lightglue import LightGlue
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\kornia\feature\lightglue.py", line 30, in 
    from flash_attn.modules.mha import FlashCrossAttention
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\__init__.py", line 3, in 
    from flash_attn.flash_attn_interface import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\flash_attn_interface.py", line 10, in 
    import flash_attn_2_cuda as flash_attn_cuda
ImportError: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Cannot import F:\ComfyUI_FK_20240724\ComfyUI\comfy_extras\nodes_morphology.py module for custom nodes: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\ComfyUI\nodes.py", line 1931, 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 "F:\ComfyUI_FK_20240724\ComfyUI\comfy_extras\nodes_audio.py", line 1, in 
    import torchaudio
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\torchaudio\__init__.py", line 2, in 
    from . import _extension  # noqa  # usort: skip
    ^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\torchaudio\_extension\__init__.py", line 38, in 
    _load_lib("libtorchaudio")
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\torchaudio\_extension\utils.py", line 60, in _load_lib
    torch.ops.load_library(path)
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\torch\_ops.py", line 1032, in load_library
    ctypes.CDLL(path)
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\ctypes\__init__.py", line 376, in __init__
    self._handle = _dlopen(self._name, mode)
                   ^^^^^^^^^^^^^^^^^^^^^^^^^
FileNotFoundError: Could not find module 'F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\torchaudio\lib\libtorchaudio.pyd' (or one of its dependencies). Try using the full path with constructor syntax.

Cannot import F:\ComfyUI_FK_20240724\ComfyUI\comfy_extras\nodes_audio.py module for custom nodes: Could not find module 'F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\torchaudio\lib\libtorchaudio.pyd' (or one of its dependencies). Try using the full path with constructor syntax.

[AnimateDiffEvo] - ERROR - No motion models found. Please download one and place in: ['F:\\ComfyUI_FK_20240724\\ComfyUI\\custom_nodes\\ComfyUI-AnimateDiff-Evolved\\models', 'F:\\ComfyUI_FK_20240724\\ComfyUI\\models\\animatediff_models']

[Crystools INFO] Crystools version: 1.12.0

[Crystools INFO] CPU: 12th Gen Intel(R) Core(TM) i7-12700 - Arch: AMD64 - OS: Windows 10

[Crystools INFO] GPU/s:

[Crystools INFO] 0) NVIDIA GeForce RTX 4070

[Crystools INFO] NVIDIA Driver: 537.13

F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\diffusers\models\transformers\transformer_2d.py:34: FutureWarning: `Transformer2DModelOutput` is deprecated and will be removed in version 1.0.0. Importing `Transformer2DModelOutput` from `diffusers.models.transformer_2d` is deprecated and this will be removed in a future version. Please use `from diffusers.models.modeling_outputs import Transformer2DModelOutput`, instead.
  deprecate("Transformer2DModelOutput", "1.0.0", deprecation_message)

Comfy-Easy-Use v1.1.9: Loaded

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\ComfyUI\nodes.py", line 1931, 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 "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama\__init__.py", line 1, in 
    from . import exllama, text
  File "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama\exllama.py", line 7, in 
    from exllamav2 import *
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\exllamav2\__init__.py", line 3, in 
    from exllamav2.model import ExLlamaV2
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\exllamav2\model.py", line 41, in 
    from exllamav2.attn import ExLlamaV2Attention, has_flash_attn, has_xformers
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\exllamav2\attn.py", line 35, in 
    import flash_attn
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\__init__.py", line 3, in 
    from flash_attn.flash_attn_interface import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\flash_attn_interface.py", line 10, in 
    import flash_attn_2_cuda as flash_attn_cuda
ImportError: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Cannot import F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama module for custom nodes: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\ComfyUI\nodes.py", line 1931, 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 "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\__init__.py", line 1, in 
    from . import exllama, text
  File "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\exllama.py", line 7, in 
    from exllamav2 import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\exllamav2\__init__.py", line 3, in 
    from exllamav2.model import ExLlamaV2
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\exllamav2\model.py", line 41, in 
    from exllamav2.attn import ExLlamaV2Attention, has_flash_attn, has_xformers
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\exllamav2\attn.py", line 35, in 
    import flash_attn
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\__init__.py", line 3, in 
    from flash_attn.flash_attn_interface import (
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\flash_attn\flash_attn_interface.py", line 10, in 
    import flash_attn_2_cuda as flash_attn_cuda
ImportError: DLL load failed while importing flash_attn_2_cuda: Ҳָij

Cannot import F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes module for custom nodes: DLL load failed while importing flash_attn_2_cuda: Ҳָij

### Loading: ComfyUI-Impact-Pack (V5.5.10)

### Loading: ComfyUI-Impact-Pack (Subpack: V0.5)

[Impact Pack] Wildcards loading done.

### Loading: ComfyUI-Inspire-Pack (V0.70.1)

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\ComfyUI\nodes.py", line 1931, in load_custom_node
    module_spec.loader.exec_module(module)
  File "", line 936, in exec_module
  File "", line 1073, in get_code
  File "", line 1130, in get_data
FileNotFoundError: [Errno 2] No such file or directory: 'F:\\ComfyUI_FK_20240724\\ComfyUI\\custom_nodes\\ComfyUI-KJNodes\\__init__.py'

Cannot import F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-KJNodes module for custom nodes: [Errno 2] No such file or directory: 'F:\\ComfyUI_FK_20240724\\ComfyUI\\custom_nodes\\ComfyUI-KJNodes\\__init__.py'

### Loading: ComfyUI-Manager (V2.34.1)

### ComfyUI Revision: 2394 [10b43cee] | Released on '2024-07-24'

#fix sys.stdout.isatty

Exception in thread 

Thread-11 ()

:
Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\connector.py", line 1203, in _create_direct_connection

    hosts = await self._resolve_host(host, port, traces=traces)
            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\connector.py", line 880, in _resolve_host

    return await asyncio.shield(resolved_host_task)
           ^^^^^^^^^^^^^^^^^^^^^

^^^^^^^^^^^^^^^^^^^

  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\connector.py", line 917, in _resolve_host_with_throttle
    addrs = await self._resolver.resolve(host, port, family=self._family)
            ^^^^

^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\resolver.py", line 33, in resolve

    infos = await self._loop.getaddrinfo(
            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\asyncio\base_events.py", line 867, in getaddrinfo

    return await self.run_in_executor(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\concurrent\futures\thread.py", line 58, in run
    result = self.fn(*self.args, **self.kwargs)
       

      ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\socket.py", line 962, in getaddrinfo

    for res in _socket.getaddrinfo(host, port, family, type, proto, flags):
               ^^^^^^^

socket.

gaierror: [Errno 11004] getaddrinfo failed

The above exception was the direct cause of the following exception:

Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\threading.py", line 1045, in _bootstrap_inner

    self.run()
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\threading.py", line 982, in run
    self._target(*self._args, **self._kwargs)
  File "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-Manager\glob\manager_server.py", line 1667, in 

    threading.Thread(target=lambda: asyncio.run(default_cache_update())).start()
              
^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\asyncio\runners.py", line 190, in run
    return runner.run(main)
     

      ^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\asyncio\runners.py", line 118, in run

    return self._loop.run_until_complete(task)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\asyncio\base_events.py", line 653, in run_until_complete

    return future.result()
           ^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-Manager\glob\manager_server.py", line 1664, in default_cache_update

    await asyncio.gather(a, b, c, d, e)
  File "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-Manager\glob\manager_server.py", line 1651, in get_cache

    json_obj = await core.get_data(uri, True)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-Manager\glob\manager_core.py", line 583, in get_data

    async with session.get(uri) as resp:
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\client.py", line 1197, in __aenter__
    self._resp = await self._coro

                 ^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\client.py", line 581, in _request

    conn = await self._connector.connect(
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\connector.py", line 544, in connect

    proto = await self._create_connection(req, traces, timeout)
            ^^^^^^^^^^^^^^^^^^^^^^^

^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\connector.py", line 944, in _create_connection

    _, proto = await self._create_direct_connection(req, traces, timeout)
               ^^^^^^^^

^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\aiohttp\connector.py", line 1209, in _create_direct_connection
    raise ClientConnectorError(req.connection_key, exc) from exc

aiohttp.client_exceptions.ClientConnectorError: Cannot connect to host raw.githubusercontent.com:443 ssl:default [getaddrinfo failed]

ffmpeg could not be found. Using ffmpeg from imageio-ffmpeg.

--------------
 ### Mixlab Nodes: Loaded

## lama torchscript model not found: F:\ComfyUI_FK_20240724\ComfyUI\models\lama\big-lama.pt,pls download from https://github.com/enesmsahin/simple-lama-inpainting/releases/download/v0.1.0/big-lama.pt

LaMaInpainting.available True

## clip_interrogator_model not found: F:\ComfyUI_FK_20240724\ComfyUI\models\clip_interrogator\Salesforce/blip-image-captioning-base, pls download from https://huggingface.co/Salesforce/blip-image-captioning-base

ClipInterrogator.available True

## text_generator_model not found: F:\ComfyUI_FK_20240724\ComfyUI\models\prompt_generator\text2image-prompt-generator, pls download from https://huggingface.co/succinctly/text2image-prompt-generator/tree/main

## zh_en_model not found: F:\ComfyUI_FK_20240724\ComfyUI\models\prompt_generator\opus-mt-zh-en, pls download from https://huggingface.co/Helsinki-NLP/opus-mt-zh-en/tree/main

PromptGenerate.available True
ChinesePrompt.available True
RembgNode_.available True
 -------------- 

Failed to auto update `Quality of Life Suit` 

QualityOfLifeSuit_Omar92_DIR: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92

------------------------------------------
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: F:\ComfyUI_FK_20240724\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']

DWPose: Onnxruntime with acceleration providers detected

Error fetching version info
Traceback (most recent call last):
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\site-packages\albumentations\check_version.py", line 32, in fetch_version_info
    data = response.read()
           ^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\http\client.py", line 482, in read
    s = self._safe_read(self.length)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\http\client.py", line 631, in _safe_read
    data = self.fp.read(amt)
           ^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\socket.py", line 706, in readinto
    return self._sock.recv_into(b)
           ^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\ssl.py", line 1311, in recv_into
    return self.read(nbytes, buffer)
           ^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\ComfyUI_FK_20240724\python_embeded\Lib\ssl.py", line 1167, in read
    return self._sslobj.read(len, buffer)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
TimeoutError: The read operation timed out

# 😺dzNodes: LayerStyle -> Cannot import name 'guidedFilter' from 'cv2.ximgproc'
A few nodes cannot works properly, while most nodes are not affected. Please REINSTALL package 'opencv-contrib-python'.
For detail refer to https://github.com/chflame163/ComfyUI_LayerStyle/issues/5

# 😺dzNodes: LayerStyle -> Warning: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\resource_dir.ini not found, default directory to be used. 
# 😺dzNodes: LayerStyle -> Find 1 LUTs in F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\lut
# 😺dzNodes: LayerStyle -> Find 1 Fonts in F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\font


Efficiency Nodes: Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...Success!

Please 'pip install apex'


[rgthree] Loaded 39 epic nodes.

[rgthree] Will use rgthree's optimized recursive execution.


WAS Node Suite: OpenCV Python FFMPEG support is enabled
WAS Node Suite: `ffmpeg_bin_path` is set to: ..\..\..\ffmpeg\bin

WAS Node Suite: Finished. Loaded 212 nodes successfully.

	"Art is a harmony parallel with nature." - Paul Cézanne



Import times for custom nodes:
   0.0 seconds: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\websocket_image_save.py

   0.0 seconds: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
   0.0 seconds (IMPORT FAILED): F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes
   0.3 seconds: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-Manager
   0.3 seconds: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle
   0.4 seconds (IMPORT FAILED): F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-ExLlama


WARNING: some comfy_extras/ nodes did not import correctly. This may be because they are missing some dependencies.

IMPORT FAILED: nodes_canny.py
IMPORT FAILED: nodes_morphology.py
IMPORT FAILED: nodes_audio.py

This issue might be caused by new missing dependencies added the last time you updated ComfyUI.
Please run the update script: update/update_comfyui.bat

https_key OK:  F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\comfyui-mixlab-nodes\https\certificate.crt

 F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\comfyui-mixlab-nodes\https\private.key

Starting server
To see the GUI go to: http://127.0.0.1:8188
To see the GUI go to: https://127.0.0.1:8189

FETCH DATA from: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json

 [DONE]

Retrying request to /models in 0.976354 seconds

Retrying request to /models in 1.843508 seconds

Error: OpenAI API key is invalid OpenAI features wont work for you

QualityOfLifeSuit_Omar92::NSP ready

# 😺dzNodes: LayerStyle -> Warning: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\custom_size.ini not found, use default size. 

# 😺dzNodes: LayerStyle -> Warning: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\custom_size.ini not found, use default size. 

# 😺dzNodes: LayerStyle -> Warning: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\custom_size.ini not found, use default size. 

# 😺dzNodes: LayerStyle -> Warning: F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\ComfyUI_LayerStyle\custom_size.ini not found, use default size. 

data_path:  F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\comfyui-mixlab-nodes\data

#read_workflow_json_files_all F:\ComfyUI_FK_20240724\ComfyUI\custom_nodes\comfyui-mixlab-nodes\app\

ImportError: DLL load failed while importing exllamav2_ext: 找不到指定的程序。

E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable>.\python_embeded\python.exe -s ComfyUI\main.py --windows-standalone-build --port 8192
Total VRAM 11264 MB, total RAM 32725 MB
xformers version: 0.0.21
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 2080 Ti : cudaMallocAsync
VAE dtype: torch.float32
Using xformers cross attention
Traceback (most recent call last):
File "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1734, 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 "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes_init
.py", line 1, in
from . import exllama, text
File "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\exllama.py", line 7, in
from exllamav2 import ExLlamaV2, ExLlamaV2Cache, ExLlamaV2Config, ExLlamaV2Tokenizer
File "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2_init_.py", line 3, in
from exllamav2.model import ExLlamaV2
File "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2\model.py", line 12, in
from exllamav2.linear import ExLlamaV2Linear
File "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2\linear.py", line 5, in
from exllamav2 import ext
File "E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllamav2\ext.py", line 14, in
import exllamav2_ext
ImportError: DLL load failed while importing exllamav2_ext: 找不到指定的程序。

Cannot import E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes module for custom nodes: DLL load failed while importing exllamav2_ext: 找不到指定的程序。

Import times for custom nodes:
0.2 seconds (IMPORT FAILED): E:\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes

Starting server

To see the GUI go to: http://127.0.0.1:8192

Model undefined not found?

Sorry I put the model to the right directory, but it still isnt found.

E:\ComfyUI_windows_portable\ComfyUI\models\llm\mistral-7b-exl2-b5

The model is not renamed . Its called output.safetensors
What am i missing ?

THX in Advance....

Metamountain

No module named 'exllama_ext'

** ComfyUI start up time: 2023-09-19 18:59:09.101002

Prestartup times for custom nodes:
0.0 seconds: E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager

Total VRAM 11264 MB, total RAM 32725 MB
xformers version: 0.0.20
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 2080 Ti : cudaMallocAsync
VAE dtype: torch.float32
Using xformers cross attention
Traceback (most recent call last):
File "E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1725, 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 "E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes_init
.py", line 1, in
from .nodes import Generator, Loader, Previewer
File "E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes\nodes.py", line 6, in
from exllama.alt_generator import ExLlamaAltGenerator
File "E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllama_init_.py", line 1, in
from . import cuda_ext, generator, model, tokenizer
File "E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\exllama\cuda_ext.py", line 9, in
import exllama_ext
ModuleNotFoundError: No module named 'exllama_ext'
提示:Python 运行时抛出了一个异常。请检查疑难解答页面。

Cannot import E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes module for custom nodes: No module named 'exllama_ext'

Loading: ComfyUI-Manager (V0.26.2)

ComfyUI Revision: 1465 [6d3dee9d]

Import times for custom nodes:
0.3 seconds: E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager
0.5 seconds (IMPORT FAILED): E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ExLlama-Nodes

Starting server

To see the GUI go to: http://127.0.0.1:8188
FETCH DATA from: E:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json

Recommend Projects

  • React photo React

    A declarative, efficient, and flexible JavaScript library for building user interfaces.

  • Vue.js photo Vue.js

    🖖 Vue.js is a progressive, incrementally-adoptable JavaScript framework for building UI on the web.

  • Typescript photo Typescript

    TypeScript is a superset of JavaScript that compiles to clean JavaScript output.

  • TensorFlow photo TensorFlow

    An Open Source Machine Learning Framework for Everyone

  • Django photo Django

    The Web framework for perfectionists with deadlines.

  • D3 photo D3

    Bring data to life with SVG, Canvas and HTML. 📊📈🎉

Recommend Topics

  • javascript

    JavaScript (JS) is a lightweight interpreted programming language with first-class functions.

  • web

    Some thing interesting about web. New door for the world.

  • server

    A server is a program made to process requests and deliver data to clients.

  • Machine learning

    Machine learning is a way of modeling and interpreting data that allows a piece of software to respond intelligently.

  • Game

    Some thing interesting about game, make everyone happy.

Recommend Org

  • Facebook photo Facebook

    We are working to build community through open source technology. NB: members must have two-factor auth.

  • Microsoft photo Microsoft

    Open source projects and samples from Microsoft.

  • Google photo Google

    Google ❤️ Open Source for everyone.

  • D3 photo D3

    Data-Driven Documents codes.