Giter Site home page Giter Site logo

comfyui_instantid's Introduction

ComfyUI InstantID (Native Support)

Native InstantID support for ComfyUI.

This extension differs from the many already available as it doesn't use diffusers but instead implements InstantID natively and it fully integrates with ComfyUI.

Sponsorship

If you like my work and wish to see updates and new features please consider sponsoring my projects.

Not to mention the documentation and videos tutorials. Check my ComfyUI Advanced Understanding videos on YouTube for example, part 1 and part 2

The only way to keep the code open and free is by sponsoring its development. The more sponsorships the more time I can dedicate to my open source projects.

Please consider a Github Sponsorship or PayPal donation (Matteo "matt3o" Spinelli). For sponsorships of $50+, let me know if you'd like to be mentioned in this readme file, you can find me on Discord or matt3o 🐌 gmail.com.

Important updates

  • 2024/02/27: Added noise injection in the negative embeds.

  • 2024/02/26: Fixed a small but nasty bug. Results will be different and you may need to lower the CFG.

  • 2024/02/20: I refactored the nodes so they are hopefully easier to use. This is a breaking update, the previous workflows won't work anymore.

Basic Workflow

In the examples directory you'll find some basic workflows.

workflow

Video Tutorial

Watch the video

** 🎥 Introduction to InstantID features**

Installation

Upgrade ComfyUI to the latest version!

Download or git clone this repository into the ComfyUI/custom_nodes/ directory or use the Manager.

InstantID requires insightface, you need to add it to your libraries together with onnxruntime and onnxruntime-gpu.

The InsightFace model is antelopev2 (not the classic buffalo_l). Download the models (for example from here or here), unzip and place them in the ComfyUI/models/insightface/models/antelopev2 directory.

The main model can be downloaded from HuggingFace and should be placed into the ComfyUI/models/instantid directory. (Note that the model is called ip_adapter as it is based on the IPAdapter).

You also needs a controlnet, place it in the ComfyUI controlnet directory.

Remember at the moment this is only for SDXL.

Watermarks!

The training data is full of watermarks, to avoid them to show up in your generations use a resolution slightly different from 1024×1024 (or the standard ones) for example 1016×1016 works pretty well.

Lower the CFG!

It's important to lower the CFG to at least 4/5 or you can use the RescaleCFG node.

Face keypoints

The person is posed based on the keypoints generated from the reference image. You can use a different pose by sending an image to the image_kps input.

Day Dreaming

Noise Injection

The default InstantID implementation seems to really burn the image, I find that by injecting noise to the negative embeds we can mitigate the effect and also increase the likeliness to the reference. The default Apply InstantID node automatically injects 35% noise, if you want to fine tune the effect you can use the Advanced InstantID node.

This is still experimental and may change in the future.

Additional Controlnets

You can add more controlnets to the generation. An example workflow for depth controlnet is provided.

Styling with IPAdapter

It's possible to style the composition with IPAdapter. An example is provided.

IPAdapter

Multi-ID

Multi-ID is supported but the workflow is a bit complicated and the generation slower. I'll check if I can find a better way of doing it. The "hackish" workflow is provided in the example directory.

IPAdapter

Advanced Node

There's an InstantID advanced node available, at the moment the only difference with the standard one is that you can set the weights for the instantID models and the controlnet separately. It now also includes a noise injection option. It might be helpful for finetuning.

The instantID model influences the composition of about 25%, the rest is the controlnet.

The noise helps reducing the "burn" effect.

Other notes

It works very well with SDXL Turbo/Lighting. Best results with community's checkpoints.

Current sponsors

It's only thanks to generous sponsors that the whole community can enjoy open and free software. Please join me in thanking the following companies and individuals!

Gold sponsors

Kaiber.ai   Kaiber.ai

Companies supporting my projects

Esteemed individuals

One-time Extraordinaire

comfyui_instantid's People

Contributors

cubiq avatar

Stargazers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

Watchers

 avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar  avatar

comfyui_instantid's Issues

How should I connect the lora model?

It can run normally when I don't connect the lora model, but an error will be reported after connecting the lora model.
1708683347115

Error occurred when executing KSampler:

Allocation on device 0 would exceed allowed memory. (out of memory)
Currently allocated : 11.10 GiB
Requested : 25.00 MiB
Device limit : 12.00 GiB
Free (according to CUDA): 0 bytes
PyTorch limit (set by user-supplied memory fraction)
: 17179869184.00 GiB

File "D:\ComfyUI-aki-v1.1\execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "D:\ComfyUI-aki-v1.1\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:\ComfyUI-aki-v1.1\execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
File "D:\ComfyUI-aki-v1.1\nodes.py", line 1380, in sample
return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
File "D:\ComfyUI-aki-v1.1\nodes.py", line 1350, in common_ksampler
samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
File "D:\ComfyUI-aki-v1.1\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 22, in informative_sample
raise e
File "D:\ComfyUI-aki-v1.1\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
return original_sample(*args, **kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
File "D:\ComfyUI-aki-v1.1\comfy\sample.py", line 93, in sample
real_model, positive_copy, negative_copy, noise_mask, models = prepare_sampling(model, noise.shape, positive, negative, noise_mask)
File "D:\ComfyUI-aki-v1.1\comfy\sample.py", line 86, in prepare_sampling
comfy.model_management.load_models_gpu([model] + models, model.memory_required([noise_shape[0] * 2] + list(noise_shape[1:])) + inference_memory)
File "D:\ComfyUI-aki-v1.1\comfy\model_management.py", line 434, in load_models_gpu
cur_loaded_model = loaded_model.model_load(lowvram_model_memory)
File "D:\ComfyUI-aki-v1.1\comfy\model_management.py", line 301, in model_load
raise e
File "D:\ComfyUI-aki-v1.1\comfy\model_management.py", line 297, in model_load
self.real_model = self.model.patch_model(device_to=patch_model_to) #TODO: do something with loras and offloading to CPU
File "D:\ComfyUI-aki-v1.1\comfy\model_patcher.py", line 202, in patch_model
out_weight = self.calculate_weight(self.patches[key], temp_weight, key).to(weight.dtype)

a little suggestion

The initial version can combine multiple images of faces through image batches to enhance facial information, and the facial information is separated from the body posture map for better control. What do you think?

Why are the generated results noisy images?

I should have successfully installed and run the program, but the result of the generated image is a noisy image, as shown in the screenshot. Can you tell me what went wrong?
image

Doesn't work with other IPAdapters

The model works fine by itself, but when I have another ipadapter ahead of it I get this:

ERROR:root:!!! Exception during processing !!!
ERROR:root:Traceback (most recent call last):
File "D:\ComfyUI\execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\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:\ComfyUI\execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 401, in apply_instantid
set_model_patch_replace(work_model, patch_kwargs, ("input", id, index))
File "D:\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 204, in set_model_patch_replace
to["patches_replace"]["attn2"][key].set_new_condition(**patch_kwargs)
TypeError: CrossAttentionPatch.set_new_condition() got an unexpected keyword argument 'instantid'

Error occurred when executing InstantIDFaceAnalysis:

I using ComfyUIManager to install this custom node, and put all requred files in folder, when i click Queue Prompt, it shows following messages:

File "F:\Workshop\ComfyUI_windows_portable\ComfyUI\execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "F:\Workshop\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 "F:\Workshop\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 "F:\Workshop\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 360, in load_insight_face
model = FaceAnalysis(name="antelopev2", root=INSIGHTFACE_DIR, providers=[provider + 'ExecutionProvider',]) # buffalo_l
File "F:\Workshop\ComfyUI_windows_portable.venv\lib\site-packages\insightface\app\face_analysis.py", line 43, in init
assert 'detection' in self.models

Trouble installing InstantID

I followed the installation instructions, but I am having trouble with installation. I was given the option to "TRY FIX", but it didn't work. Here is my command line data below. It says something about insightface.

C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable>.\python_embeded\python.exe -s ComfyUI\main.py --windows-standalone-build
** ComfyUI startup time: 2024-02-20 03:45:37.830853
** Platform: Windows
** Python version: 3.11.6 (tags/v3.11.6:8b6ee5b, Oct  2 2023, 14:57:12) [MSC v.1935 64 bit (AMD64)]
** Python executable: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\python.exe
** Log path: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\comfyui.log

Prestartup times for custom nodes:
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager

Total VRAM 12288 MB, total RAM 16099 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3060 : cudaMallocAsync
VAE dtype: torch.bfloat16
Using pytorch cross attention
Adding extra search path checkpoints D:\AI\sd.webui (2)\webui\models/Stable-diffusion
Adding extra search path configs D:\AI\sd.webui (2)\webui\models/Stable-diffusion
Adding extra search path vae D:\AI\sd.webui (2)\webui\models/VAE
Adding extra search path loras D:\AI\sd.webui (2)\webui\models/Lora
Adding extra search path loras D:\AI\sd.webui (2)\webui\models/LyCORIS
Adding extra search path upscale_models D:\AI\sd.webui (2)\webui\models/ESRGAN
Adding extra search path upscale_models D:\AI\sd.webui (2)\webui\models/RealESRGAN
Adding extra search path upscale_models D:\AI\sd.webui (2)\webui\models/SwinIR
Adding extra search path embeddings D:\AI\sd.webui (2)\webui\embeddings
Adding extra search path hypernetworks D:\AI\sd.webui (2)\webui\models/hypernetworks
Adding extra search path controlnet D:\AI\sd.webui (2)\webui\extensions\sd-webui-controlnet\models
### 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: 2003 [ec4d89ce] | Released on '2024-02-19'
[SD Prompt Reader] Node version: 1.3.0
[SD Prompt Reader] Core version: 1.3.4.post1
------------------------------------------
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: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\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']
[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/model-list.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/extension-node-map.json
DWPose: Onnxruntime with acceleration providers detected
FizzleDorf Custom Nodes: Loaded
Traceback (most recent call last):
  File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1887, in load_custom_node
    module_spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 940, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\__init__.py", line 1, in <module>
    from .InstantID import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 12, in <module>
    from insightface.app import FaceAnalysis
ModuleNotFoundError: No module named 'insightface'

Cannot import C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID module for custom nodes: No module named 'insightface'
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: segment_anything in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 1)) (1.0)
Requirement already satisfied: timm in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 2)) (0.9.12)
Requirement already satisfied: addict in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 3)) (2.4.0)
Requirement already satisfied: yapf in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 4)) (0.40.2)
Requirement already satisfied: torch>=1.7 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (2.1.0+cu121)
Requirement already satisfied: torchvision in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (0.16.0+cu121)
Requirement already satisfied: pyyaml in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (6.0.1)
Requirement already satisfied: huggingface-hub in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (0.20.3)
Requirement already satisfied: safetensors in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (0.4.0)
Requirement already satisfied: importlib-metadata>=6.6.0 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from yapf->-r requirements.txt (line 4)) (7.0.0)
Requirement already satisfied: platformdirs>=3.5.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from yapf->-r requirements.txt (line 4)) (4.0.0)
Requirement already satisfied: tomli>=2.0.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from yapf->-r requirements.txt (line 4)) (2.0.1)
Requirement already satisfied: zipp>=0.5 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from importlib-metadata>=6.6.0->yapf->-r requirements.txt (line 4)) (3.17.0)
Requirement already satisfied: filelock in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (3.12.4)
Requirement already satisfied: typing-extensions in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (4.8.0)
Requirement already satisfied: sympy in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (1.12)
Requirement already satisfied: networkx in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (3.1)
Requirement already satisfied: jinja2 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (3.1.2)
Requirement already satisfied: fsspec in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (2023.9.2)
Requirement already satisfied: requests in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from huggingface-hub->timm->-r requirements.txt (line 2)) (2.31.0)
Requirement already satisfied: tqdm>=4.42.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from huggingface-hub->timm->-r requirements.txt (line 2)) (4.66.1)
Requirement already satisfied: packaging>=20.9 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from huggingface-hub->timm->-r requirements.txt (line 2)) (23.2)
Requirement already satisfied: numpy in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torchvision->timm->-r requirements.txt (line 2)) (1.26.0)
Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torchvision->timm->-r requirements.txt (line 2)) (9.5.0)
Requirement already satisfied: colorama in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from tqdm>=4.42.1->huggingface-hub->timm->-r requirements.txt (line 2)) (0.4.6)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from jinja2->torch>=1.7->timm->-r requirements.txt (line 2)) (2.1.3)
Requirement already satisfied: charset-normalizer<4,>=2 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (3.3.0)
Requirement already satisfied: idna<4,>=2.5 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (3.4)
Requirement already satisfied: urllib3<3,>=1.21.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (1.26.18)
Requirement already satisfied: certifi>=2017.4.17 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (2023.7.22)
Requirement already satisfied: mpmath>=0.19 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from sympy->torch>=1.7->timm->-r requirements.txt (line 2)) (1.3.0)
[comfy_mtb] | INFO -> loaded 58 nodes successfuly
[comfy_mtb] | INFO -> Some nodes (7) could not be loaded. This can be ignored, but go to http://127.0.0.1:8188/mtb if you want more information.
Efficiency Nodes: Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...Success!
Searge-SDXL v4.3.1 in C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\SeargeSDXL
WAS Node Suite: OpenCV Python FFMPEG support is enabled
WAS Node Suite Warning: `ffmpeg_bin_path` is not set in `C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\was-node-suite-comfyui\was_suite_config.json` config file. Will attempt to use system ffmpeg binaries if available.
WAS Node Suite: Finished. Loaded 211 nodes successfully.

        "Don't be afraid to give up the good to go for the great." - John D. Rockefeller


Import times for custom nodes:
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_Noise
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\sdxl_prompt_styler
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUi_NNLatentUpscale
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-use-everywhere
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\masquerade-nodes-comfyui
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_experiments-master
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
   0.0 seconds (IMPORT FAILED): C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_FizzNodes
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\efficiency-nodes-comfyui
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-prompt-reader-node
   0.1 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
   0.3 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_controlnet_aux
   0.3 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\SeargeSDXL
   0.4 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager
   0.5 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
   0.5 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\a-person-mask-generator
   0.6 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfy_mtb
   1.2 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\was-node-suite-comfyui
   3.1 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_segment_anything

Starting server

To see the GUI go to: http://127.0.0.1:8188
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\.cache\1514988643_custom-node-list.json
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\.cache\1742899825_extension-node-map.json
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\.cache\1742899825_extension-node-map.json
Install custom node 'ComfyUI InstantID (Native Support)'
Try fixing: ['https://github.com/cubiq/ComfyUI_InstantID']
Install: pip packages
Attempt to fixing '['https://github.com/cubiq/ComfyUI_InstantID']' is done.
After restarting ComfyUI, please refresh the browser.
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\.cache\1514988643_custom-node-list.json
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\.cache\1742899825_extension-node-map.json
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\.cache\1742899825_extension-node-map.json
** ComfyUI startup time: 2024-02-20 03:45:59.178524
** Platform: Windows
** Python version: 3.11.6 (tags/v3.11.6:8b6ee5b, Oct  2 2023, 14:57:12) [MSC v.1935 64 bit (AMD64)]
** Python executable: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\python.exe
** Log path: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\comfyui.log

#######################################################################
[ComfyUI-Manager] Starting dependency installation/(de)activation for the extension


C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable>pause
Press any key to continue . . .
## ComfyUI-Manager: EXECUTE => ['C:\\Users\\hinso\\OneDrive\\Documents\\ComfyUI_windows_portable\\python_embeded\\python.exe', '-m', 'pip', 'install', 'insightface']

## Execute install/(de)activation script for 'C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID'
 Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
 Collecting insightface
   Downloading insightface-0.7.3.tar.gz (439 kB)
      -------------------------------------- 439.5/439.5 kB 1.3 MB/s eta 0:00:00
   Installing build dependencies: started
   Installing build dependencies: finished with status 'done'
   Getting requirements to build wheel: started
   Getting requirements to build wheel: finished with status 'error'
[!]   error: subprocess-exited-with-error
[!]
[!]   Getting requirements to build wheel did not run successfully.
[!]   exit code: 1
[!]
[!]   [18 lines of output]
[!]   Traceback (most recent call last):
[!]     File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 353, in <module>
[!]       main()
[!]     File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 335, in main
[!]       json_out['return_val'] = hook(**hook_input['kwargs'])
[!]                                ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
[!]     File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip\_vendor\pyproject_hooks\_in_process\_in_process.py", line 118, in get_requires_for_build_wheel
[!]       return hook(config_settings)
[!]              ^^^^^^^^^^^^^^^^^^^^^
[!]     File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\Lib\site-packages\setuptools\build_meta.py", line 355, in get_requires_for_build_wheel
[!]       return self._get_build_requires(config_settings, requirements=['wheel'])
[!]              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
[!]     File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\Lib\site-packages\setuptools\build_meta.py", line 325, in _get_build_requires
[!]       self.run_setup()
[!]     File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\python_embeded\Lib\site-packages\setuptools\build_meta.py", line 341, in run_setup
[!]       exec(code, locals())
[!]     File "<string>", line 11, in <module>
[!]   ModuleNotFoundError: No module named 'Cython'
[!]   [end of output]
[!]
[!]   note: This error originates from a subprocess, and is likely not a problem with pip.
[!] error: subprocess-exited-with-error
[!]
[!] Getting requirements to build wheel did not run successfully.
[!] exit code: 1
[!]
[!] See above for output.
[!]
[!] note: This error originates from a subprocess, and is likely not a problem with pip.
install/(de)activation script failed: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID

[ComfyUI-Manager] Startup script completed.
#######################################################################


Prestartup times for custom nodes:
  33.5 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager

Total VRAM 12288 MB, total RAM 16099 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3060 : cudaMallocAsync
VAE dtype: torch.bfloat16
Using pytorch cross attention
Adding extra search path checkpoints D:\AI\sd.webui (2)\webui\models/Stable-diffusion
Adding extra search path configs D:\AI\sd.webui (2)\webui\models/Stable-diffusion
Adding extra search path vae D:\AI\sd.webui (2)\webui\models/VAE
Adding extra search path loras D:\AI\sd.webui (2)\webui\models/Lora
Adding extra search path loras D:\AI\sd.webui (2)\webui\models/LyCORIS
Adding extra search path upscale_models D:\AI\sd.webui (2)\webui\models/ESRGAN
Adding extra search path upscale_models D:\AI\sd.webui (2)\webui\models/RealESRGAN
Adding extra search path upscale_models D:\AI\sd.webui (2)\webui\models/SwinIR
Adding extra search path embeddings D:\AI\sd.webui (2)\webui\embeddings
Adding extra search path hypernetworks D:\AI\sd.webui (2)\webui\models/hypernetworks
Adding extra search path controlnet D:\AI\sd.webui (2)\webui\extensions\sd-webui-controlnet\models
### 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: 2003 [ec4d89ce] | Released on '2024-02-19'
[SD Prompt Reader] Node version: 1.3.0
[SD Prompt Reader] Core version: 1.3.4.post1
[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/model-list.json
------------------------------------------
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: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\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']
[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/extension-node-map.json
FizzleDorf Custom Nodes: Loaded
Traceback (most recent call last):
  File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1887, in load_custom_node
    module_spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 940, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\__init__.py", line 1, in <module>
    from .InstantID import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 12, in <module>
    from insightface.app import FaceAnalysis
ModuleNotFoundError: No module named 'insightface'

Cannot import C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID module for custom nodes: No module named 'insightface'
Looking in indexes: https://pypi.org/simple, https://pypi.ngc.nvidia.com
Requirement already satisfied: segment_anything in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 1)) (1.0)
Requirement already satisfied: timm in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 2)) (0.9.12)
Requirement already satisfied: addict in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 3)) (2.4.0)
Requirement already satisfied: yapf in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from -r requirements.txt (line 4)) (0.40.2)
Requirement already satisfied: torch>=1.7 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (2.1.0+cu121)
Requirement already satisfied: torchvision in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (0.16.0+cu121)
Requirement already satisfied: pyyaml in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (6.0.1)
Requirement already satisfied: huggingface-hub in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (0.20.3)
Requirement already satisfied: safetensors in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from timm->-r requirements.txt (line 2)) (0.4.0)
Requirement already satisfied: importlib-metadata>=6.6.0 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from yapf->-r requirements.txt (line 4)) (7.0.0)
Requirement already satisfied: platformdirs>=3.5.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from yapf->-r requirements.txt (line 4)) (4.0.0)
Requirement already satisfied: tomli>=2.0.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from yapf->-r requirements.txt (line 4)) (2.0.1)
Requirement already satisfied: zipp>=0.5 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from importlib-metadata>=6.6.0->yapf->-r requirements.txt (line 4)) (3.17.0)
Requirement already satisfied: filelock in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (3.12.4)
Requirement already satisfied: typing-extensions in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (4.8.0)
Requirement already satisfied: sympy in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (1.12)
Requirement already satisfied: networkx in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (3.1)
Requirement already satisfied: jinja2 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (3.1.2)
Requirement already satisfied: fsspec in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torch>=1.7->timm->-r requirements.txt (line 2)) (2023.9.2)
Requirement already satisfied: requests in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from huggingface-hub->timm->-r requirements.txt (line 2)) (2.31.0)
Requirement already satisfied: tqdm>=4.42.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from huggingface-hub->timm->-r requirements.txt (line 2)) (4.66.1)
Requirement already satisfied: packaging>=20.9 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from huggingface-hub->timm->-r requirements.txt (line 2)) (23.2)
Requirement already satisfied: numpy in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torchvision->timm->-r requirements.txt (line 2)) (1.26.0)
Requirement already satisfied: pillow!=8.3.*,>=5.3.0 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from torchvision->timm->-r requirements.txt (line 2)) (9.5.0)
Requirement already satisfied: colorama in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from tqdm>=4.42.1->huggingface-hub->timm->-r requirements.txt (line 2)) (0.4.6)
Requirement already satisfied: MarkupSafe>=2.0 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from jinja2->torch>=1.7->timm->-r requirements.txt (line 2)) (2.1.3)
Requirement already satisfied: charset-normalizer<4,>=2 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (3.3.0)
Requirement already satisfied: idna<4,>=2.5 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (3.4)
Requirement already satisfied: urllib3<3,>=1.21.1 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (1.26.18)
Requirement already satisfied: certifi>=2017.4.17 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from requests->huggingface-hub->timm->-r requirements.txt (line 2)) (2023.7.22)
Requirement already satisfied: mpmath>=0.19 in c:\users\hinso\onedrive\documents\comfyui_windows_portable\python_embeded\lib\site-packages (from sympy->torch>=1.7->timm->-r requirements.txt (line 2)) (1.3.0)
[comfy_mtb] | INFO -> loaded 58 nodes successfuly
[comfy_mtb] | INFO -> Some nodes (7) could not be loaded. This can be ignored, but go to http://127.0.0.1:8188/mtb if you want more information.
Efficiency Nodes: Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...Success!
Searge-SDXL v4.3.1 in C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\SeargeSDXL
WAS Node Suite: OpenCV Python FFMPEG support is enabled
WAS Node Suite Warning: `ffmpeg_bin_path` is not set in `C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\was-node-suite-comfyui\was_suite_config.json` config file. Will attempt to use system ffmpeg binaries if available.
WAS Node Suite: Finished. Loaded 211 nodes successfully.

        "Art is the triumph over chaos." - John Cheever


Import times for custom nodes:
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\sdxl_prompt_styler
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_Noise
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUi_NNLatentUpscale
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\masquerade-nodes-comfyui
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-use-everywhere
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_experiments-master
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
   0.0 seconds (IMPORT FAILED): C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_FizzNodes
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\efficiency-nodes-comfyui
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
   0.0 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-prompt-reader-node
   0.1 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
   0.3 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_controlnet_aux
   0.3 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\SeargeSDXL
   0.4 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager
   0.5 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
   0.5 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\a-person-mask-generator
   0.6 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfy_mtb
   1.2 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\was-node-suite-comfyui
   3.1 seconds: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_segment_anything

Starting server

To see the GUI go to: http://127.0.0.1:8188
FETCH DATA from: C:\Users\hinso\OneDrive\Documents\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json

Is there a way to apply InstantID with FaceDetailer?

Awesome work here! Overall it is working fantastically. It's pretty crazy the great results you can get in particular with close up portraits, even starting from low quality source images. When I generate images with a smaller face though the face is not as good and I think that's just an artifact of Stable Diffusion due to the compression in latent space. Typically I would fix this using something like FaceDetailer from https://github.com/ltdrdata/ComfyUI-Impact-Pack but I don't seem to be able to do that correctly.

What's interesting here is in the ApplyControlNetSEGS nodes they offer they don't actually accept positive/negative prompt and their full FaceDetailer expects clip directly. What I want to do is essentially mask the face and regenerate at higher resolution using the InstantID nodes, basically like ADetailer does. Any ideas of how that might be achieved?

onnxruntime error

The warning message translates to:

"[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/model-list.json
D:\AI\ComfyUIbats\ComfyUI\custom_nodes\comfyui_controlnet_aux\node_wrappers\dwpose.py:26: UserWarning: DWPose: Onnxruntime not found or doesn't come with acceleration providers, switch to OpenCV with CPU device. DWPose might run very slowly warnings.warn("DWPose: Onnxruntime not found or doesn't come with acceleration providers, switch to OpenCV with CPU device. DWPose might run very slowly")"

This indicates that the acceleration for DWPose in the comfyui_controlnet_aux plugin has failed after installing your plugin. It was effective before installing your plugin.
1.txt
2.txt

Could not find a version that satisfies the requirement onnxruntime-gpu

Device & OS: Mac osx M1 14.0 (23A344)

requirements.txt include onnxruntime-gpu, but in mac can't install this dependence.

pip3 install onnxruntime-gpu
ERROR: Could not find a version that satisfies the requirement onnxruntime-gpu (from versions: none)
ERROR: No matching distribution found for onnxruntime-gpu

'NoneType' object has no attribute 'shape'

i assume the problem is i can't find a face?

`Error occurred when executing KSampler:

'NoneType' object has no attribute 'shape'

File "d:\AI\ComfyUI\execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "d:\AI\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\execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "d:\AI\ComfyUI\nodes.py", line 1380, in sample
return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "d:\AI\ComfyUI\nodes.py", line 1350, in common_ksampler
samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI\custom_nodes\ComfyUI-Impact-Pack\modules\impact\sample_error_enhancer.py", line 9, in informative_sample
return original_sample(*args, **kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations.
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved\animatediff\sampling.py", line 248, in motion_sample
return orig_comfy_sample(model, noise, *args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "d:\AI\ComfyUI\comfy\sample.py", line 100, in sample
samples = sampler.sample(noise, positive_copy, negative_copy, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI\custom_nodes\ComfyUI_smZNodes_init_.py", line 130, in KSampler_sample
return KSampler_sample(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "d:\AI\ComfyUI\comfy\samplers.py", line 713, in sample
return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\AI\ComfyUI\custom_nodes\ComfyUI_smZNodes_init
.py", line 149, in sample
return _sample(*args, **kwargs)
^^^^^^^^^^^^^^^^^^^^^^^^`

Failed to validate prompt

When running the default example workflow I'm getting the folowing error

image
ERROR:root:Failed to validate prompt for output 15:
ERROR:root:* ApplyInstantID 57:
ERROR:root: - Return type mismatch between linked nodes: insightface, FACEANALYSIS != INSIGHTFACE
ERROR:root: - Required input is missing: image
ERROR:root:* ControlNetApplyAdvanced 23:
ERROR:root: - Exception when validating inner node: tuple index out of range
ERROR:root:Output will be ignored
invalid prompt: {'type': 'prompt_outputs_failed_validation', 'message': 'Prompt outputs failed validation', 'details': '', 'extra_info': {}}

I am using the latest comfyui, instantID and ipadapter-plus custom nodes.

It looks like the node inputs and outputs dont match up, but apparently others can run this and I dont know why. Thanks for making this and thanks in advance for any help!

Bypassing the InstantID nodes in the workflow leads to washed-out and corrupted generations

I've found that if you bypass these nodes inside your workflow while they are connected to the ksampler it leads to washed-out color and corruptions in generation.

When the nodes are enabled or if they are completely removed (or disconnected from other nodes) the quality is the same as per usual image generation. The corruption only starts to appear when the nodes are bypassed while connected to ksampler.

bypassed nodes in the workflow
image

the result with bypassed nodes
image

the result with removed (disconnected nodes)
image

InstantID overwrites IPAdapter now

Thanks for fixing that error last night. However, now having instantid and it's controlnet both set at 0weight blocks any input from ipadapter even at super high weight.

any idea on the wired output? thanks

Hi @cubiq, thanks for the update. I can successfully load the workflow.

I didn't change any parameter but the output doesn't look expected. Do you have any idea what could be wrong? thanks!

image

Failed downloading insightface file

InstantID attempts to download the antelopev2.zip file into ...\models\insightface\models using a link that leads to a nonexistent error.
I tried to use the link to download it directly, but it couldn't locate the file.
Then I used this page to download it. After unzipping it, I pasted the folder into the specified location, and it is now working.
The issue is discussed here.

download_path: C:\AI\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2
Downloading C:\AI\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2.zip from https://github.com/deepinsight/insightface/releases/download/v0.7/antelopev2.zip...
ERROR:root:!!! Exception during processing !!!
ERROR:root:Traceback (most recent call last):
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 152, in recursive_execute
    output_data, output_ui = get_output_data(obj, input_data_all)
                             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\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 "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-0246\utils.py", line 372, in new_func
    res_value = old_func(*final_args, **kwargs)
                ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\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 "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 359, in load_insight_face
    model = FaceAnalysis(name="antelopev2", root=INSIGHTFACE_DIR, providers=[provider + 'ExecutionProvider',]) # buffalo_l
            ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\insightface\app\face_analysis.py", line 27, in __init__
    self.model_dir = ensure_available('models', name, root=root)
                     ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\insightface\utils\storage.py", line 28, in ensure_available
    return download(sub_dir, name, force=False, root=root)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\insightface\utils\storage.py", line 17, in download
    download_file(model_url,
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\insightface\utils\download.py", line 73, in download_file
    raise RuntimeError("Failed downloading url %s" % url)
RuntimeError: Failed downloading url https://github.com/deepinsight/insightface/releases/download/v0.7/antelopev2.zip

Getting : AttributeError: 'NoneType' object has no attribute 'copy'

What does this mean?

File "D:\AI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\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_nvidia_cu118_or_cpu\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_nvidia_cu118_or_cpu\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_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 522, in apply_instantid
c_net = control_net.copy().set_cond_hint(face_kps.movedim(-1,1), cn_strength, (start_at, end_at))

Better Pose

The recently updated Huggingface demo incorporates several pose controlnets in lieu of its face keypoint detector. I was wondering if this could be implemented here as well, or is that demo just applying the face keypoint controlnet behind the scenes?

Cannot import module 'cv2.gapi.wip.draw'

After installed the insightface, I get this error:

Torch version: 2.2.0+cu121

Traceback (most recent call last):
  File "D:\Program\ComfyUI\nodes.py", line 1887, 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:\Program\ComfyUI\custom_nodes\ComfyUI_InstantID\__init__.py", line 1,
in <module>
    from .InstantID import NODE_CLASS_MAPPINGS, NODE_DISPLAY_NAME_MAPPINGS
  File "D:\Program\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 7,
 in <module>
    import cv2
  File "C:\tools\Miniconda3\envs\comflowy\lib\site-packages\cv2\__init__.py", li
ne 181, in <module>
    bootstrap()
  File "C:\tools\Miniconda3\envs\comflowy\lib\site-packages\cv2\__init__.py", li
ne 175, in bootstrap
    if __load_extra_py_code_for_module("cv2", submodule, DEBUG):
  File "C:\tools\Miniconda3\envs\comflowy\lib\site-packages\cv2\__init__.py", li
ne 28, in __load_extra_py_code_for_module
    py_module = importlib.import_module(module_name)
  File "C:\tools\Miniconda3\envs\comflowy\lib\importlib\__init__.py", line 126,
in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "C:\tools\Miniconda3\envs\comflowy\lib\site-packages\cv2\typing\__init__.
py", line 156, in <module>
    Prim = _typing.Union[cv2.gapi.wip.draw.Text, cv2.gapi.wip.draw.Circle, cv2.g
api.wip.draw.Image, cv2.gapi.wip.draw.Line, cv2.gapi.wip.draw.Rect, cv2.gapi.wip
.draw.Mosaic, cv2.gapi.wip.draw.Poly]
AttributeError: module 'cv2.gapi.wip.draw' has no attribute 'Text'

Cannot import D:\Program\ComfyUI\custom_nodes\ComfyUI_InstantID module for custo
m nodes: module 'cv2.gapi.wip.draw' has no attribute 'Text'

Error occurred when executing ApplyInstantID:

Error occurred when executing ApplyInstantID:

'embedding'

File "/content/drive/MyDrive/ComfyUI/execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "/content/drive/MyDrive/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 "/content/drive/MyDrive/ComfyUI/execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
File "/content/drive/MyDrive/ComfyUI/custom_nodes/ComfyUI_InstantID/InstantID.py", line 427, in apply_instantid
face_embed = extractFeatures(insightface, image)
File "/content/drive/MyDrive/ComfyUI/custom_nodes/ComfyUI_InstantID/InstantID.py", line 330, in extractFeatures
out.append(torch.from_numpy(face['embedding']).unsqueeze(0))

Error occurred when executing InstantIDFaceAnalysis

Hello everyone, I have this error when try run InstantID default workflow:

image

Error occurred when executing InstantIDFaceAnalysis:

File "/home/ubuntu/pvbang/ComfyUI/execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/ubuntu/pvbang/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 "/home/ubuntu/pvbang/ComfyUI/execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/ubuntu/pvbang/ComfyUI/custom_nodes/ComfyUI_InstantID/InstantID.py", line 360, in load_insight_face
model = FaceAnalysis(name="antelopev2", root=INSIGHTFACE_DIR, providers=[provider + 'ExecutionProvider',]) # buffalo_l
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "/home/ubuntu/pvbang/ComfyUI/venv/lib/python3.11/site-packages/insightface/app/face_analysis.py", line 43, in init
assert 'detection' in self.models
^^^^^^^^^^^^^^^^^^^^^^^^^^

image

Any idea to fix it? Thanks.

[Feature Request maybe]Multiple Picture Reference Input

InstantID supports multiple pictures of the face as input, on A1111 I've found this really helps the model do better. I was wondering if there's a way to upload a stack of reference images in the nodes and if not you could add that

InsightFaceLoaderIID not found

When I try to load the workflow instantID.json from this repo I get

" When loading the graph, the following node types were not found:
InsightFaceLoaderIID
Nodes that have failed to load will show as red on the graph. "

I made sure that insightface is installed, but still cannot find the node InsightFaceLoaderIID.
Deleting the offending node and adding a regular "InsightFaceLoader" node seems to load... but then I get more errors so probably not it...

15m on an L40?

I'm using the multi workflow on an NVIDIA L40 (48 GB VRAM) and it's taking 15 minutes to infer an image. And this is true even after the first inferrence.

Is this normal?

root@4586373a9fa5:/# tail /workspace/logs/comfyui.log
Requested to load AutoencoderKL
Loading 1 new model
Prompt executed in 1365.37 seconds
got prompt
Requested to load SDXL
Requested to load ControlNet
Loading 2 new models
unload clone 0
100%|██████████| 30/30 [15:10<00:00, 30.35s/it]
Prompt executed in 981.00 seconds
root@4586373a9fa5:/#

Bypassing ApplyInstantID Node Can Ruin Conditioning

Issue screenshot:
Using a slightly modified default workflow, we can show that bypassing ApplyInstantID node does not maintain the original behaviour but rather degrades the quality of conditioning.
image

Expected behaviour:
bypassing a node should have zero effect on the original workflow.

InstantID version: 5149a21

When workflow reaches KSampler it crashes with ERROR:root:!!! Exception during processing !!!

Any ideas what could be wrong? Did I make a mistake when installing dependencies?
ComfyUI terminal log from startup with detailed error:

F:\comfyui\ComfyUI_windows_portable>.\python_embeded\python.exe -s ComfyUI\main.py --windows-standalone-build
** ComfyUI startup time: 2024-02-13 19:50:14.123138
** Platform: Windows
** Python version: 3.11.6 (tags/v3.11.6:8b6ee5b, Oct  2 2023, 14:57:12) [MSC v.1935 64 bit (AMD64)]
** Python executable: F:\comfyui\ComfyUI_windows_portable\python_embeded\python.exe
** Log path: F:\comfyui\ComfyUI_windows_portable\comfyui.log

Prestartup times for custom nodes:
   0.1 seconds: F:\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager

Total VRAM 4096 MB, total RAM 20432 MB
Trying to enable lowvram mode because your GPU seems to have 4GB or less. If you don't want this use: --normalvram
Set vram state to: LOW_VRAM
Device: cuda:0 NVIDIA GeForce GTX 1050 Ti : cudaMallocAsync
VAE dtype: torch.float32
Using pytorch cross attention
### Loading: ComfyUI-Manager (V2.7.2)
### ComfyUI Revision: 1972 [38b7ac6e] | Released on '2024-02-13'
[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/custom-node-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/model-list.json

Import times for custom nodes:
   0.0 seconds: F:\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_SimpleMath
   0.7 seconds: F:\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager
   1.5 seconds: F:\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID

Starting server

To see the GUI go to: http://127.0.0.1:8188
FETCH DATA from: F:\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json
got prompt
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: F:\comfyui\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2\1k3d68.onnx landmark_3d_68 ['None', 3, 192, 192] 0.0 1.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: F:\comfyui\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2\2d106det.onnx landmark_2d_106 ['None', 3, 192, 192] 0.0 1.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: F:\comfyui\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2\genderage.onnx genderage ['None', 3, 96, 96] 0.0 1.0
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: F:\comfyui\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2\glintr100.onnx recognition ['None', 3, 112, 112] 127.5 127.5
Applied providers: ['CPUExecutionProvider'], with options: {'CPUExecutionProvider': {}}
find model: F:\comfyui\ComfyUI_windows_portable\ComfyUI\models\insightface\models\antelopev2\scrfd_10g_bnkps.onnx detection [1, 3, '?', '?'] 127.5 128.0
set det-size: (640, 640)
model_type EPS
adm 2816
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
missing {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
left over keys: dict_keys(['cond_stage_model.clip_l.transformer.text_model.embeddings.position_ids'])
Requested to load SDXLClipModel
Loading 1 new model
F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\insightface\utils\transform.py:68: FutureWarning: `rcond` parameter will change to the default of machine precision times ``max(M, N)`` where M and N are the input matrix dimensions.
To use the future default and silence this warning we advise to pass `rcond=None`, to keep using the old, explicitly pass `rcond=-1`.
  P = np.linalg.lstsq(X_homo, Y)[0].T # Affine matrix. 3 x 4
[] []
F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torchvision\transforms\v2\_deprecated.py:41: UserWarning: The transform `ToTensor()` is deprecated and will be removed in a future release. Instead, please use `v2.Compose([v2.ToImage(), v2.ToDtype(torch.float32, scale=True)])`.
  warnings.warn(
Requested to load SDXL
Requested to load ControlNet
Loading 2 new models
loading in lowvram mode 536.4241285324097
loading in lowvram mode 123.79079055786133
  0%|                                                                                            | 0/7 [00:00<?, ?it/s]F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\attention.py:325: UserWarning: 1Torch was not compiled with flash attention. (Triggered internally at ..\aten\src\ATen\native\transformers\cuda\sdp_utils.cpp:263.)
  out = torch.nn.functional.scaled_dot_product_attention(q, k, v, attn_mask=mask, dropout_p=0.0, is_causal=False)
  0%|                                                                                            | 0/7 [00:05<?, ?it/s]
ERROR:root:!!! Exception during processing !!!
ERROR:root:Traceback (most recent call last):
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\execution.py", line 152, in recursive_execute
    output_data, output_ui = get_output_data(obj, input_data_all)
                             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\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 "F:\comfyui\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 "F:\comfyui\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1375, in sample
    return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1345, in common_ksampler
    samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image,
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\sample.py", line 100, in sample
    samples = sampler.sample(noise, positive_copy, negative_copy, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 713, in sample
    return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 618, in sample
    samples = sampler.sample(model_wrap, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 557, in sample
    samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
              ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\k_diffusion\sampling.py", line 737, in sample_ddpm
    return generic_step_sampler(model, x, sigmas, extra_args, callback, disable, noise_sampler, DDPMSampler_step)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\k_diffusion\sampling.py", line 726, in generic_step_sampler
    denoised = model(x, sigmas[i] * s_in, **extra_args)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 281, in forward
    out = self.inner_model(x, sigma, cond=cond, uncond=uncond, cond_scale=cond_scale, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 271, in forward
    return self.apply_model(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 268, in apply_model
    out = sampling_function(self.inner_model, x, timestep, uncond, cond, cond_scale, model_options=model_options, seed=seed)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 248, in sampling_function
    cond_pred, uncond_pred = calc_cond_uncond_batch(model, cond, uncond_, x, timestep, model_options)
                             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 222, in calc_cond_uncond_batch
    output = model.apply_model(input_x, timestep_, **c).chunk(batch_chunks)
             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 85, in apply_model
    model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\diffusionmodules\openaimodel.py", line 847, in forward
    h = forward_timestep_embed(module, h, emb, context, transformer_options, time_context=time_context, num_video_frames=num_video_frames, image_only_indicator=image_only_indicator)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\diffusionmodules\openaimodel.py", line 43, in forward_timestep_embed
    x = layer(x, context, transformer_options)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\attention.py", line 613, in forward
    x = block(x, context=context[i], transformer_options=transformer_options)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\attention.py", line 440, in forward
    return checkpoint(self._forward, (x, context, transformer_options), self.parameters(), self.checkpoint)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\diffusionmodules\util.py", line 189, in checkpoint
    return func(*inputs)
           ^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\attention.py", line 537, in _forward
    n = attn2_replace_patch[block_attn2](n, context_attn2, value_attn2, extra_options)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_InstantID\InstantID.py", line 160, in __call__
    out_ip = optimized_attention(q, ip_k, ip_v, extra_options["n_heads"])
    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "F:\comfyui\ComfyUI_windows_portable\ComfyUI\comfy\ldm\modules\attention.py", line 325, in attention_pytorch
    out = torch.nn.functional.scaled_dot_product_attention(q, k, v, attn_mask=mask, dropout_p=0.0, is_causal=False)
          ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
RuntimeError: Expected query, key, and value to have the same dtype, but got query.dtype: struct c10::Half key.dtype: float and value.dtype: float instead.

Prompt executed in 105.85 seconds

A Thank You

Just wanted to thank you SO MUCH for this wonderful implementation of InstantID. I, like many, have been struggling to use the other two unofficial implementations since InstantID was released. Yours is such a smooth install and run. No memory errors. Just fast, good looking images. Well done.

Thank you

Failed results with Apply ControlNet in the pipeline

image I tried to replicate the workflow you showcase. If I pass both through the controlnet and apply instand ID I get those "empty canvas" images. If I just pass the Apply InstantID it works to an extent - the resemblance for sure isn't anything close to what can be seen in the paper, but it's also not accidental - here an old woman with grey hair, gives another woman with grey hair image

After the update, the generated results became worse

After the update, the similarity of the generated characters has dropped significantly. Even when I use the exact same parameters as before, the generated results are much worse than the previous workflow results.
Original image
fg
Generated results before update
ComfyUI_temp_zqqgl_00553_
Updated generation results
ComfyUI_temp_lerlp_00002_

Multi-ID doesn't correctly put two separate faces in the same image.

I have been messing with the Multi-ID workflow provided in this repo. I wanted to try it with a separate man and woman that had very different features from each other, the idea being I wanted to make sure I could use InstantID with multiple faces in the same images.

I modified the repo to have a fix seed and generate all images including the mask (for ease of testing instead of having to load a bunch of images from disk). I generated an image of an old man and a young adult blonde woman. I have also generated a face for face keypoints to use as a pose. Ideally I get the older man on the left side of the image and the woman on the right. however, using this workflow, with both apply instantID nodes I only get the woman on both sides. Even if I turn the weight all the way down for the woman, I still get the woman and never the man. However, removing the woman's apply instantID and respective controlnet allows the man to come through on just the left side as he is supposed to. Below is the workflow I am using:
Multi-ID-Testing-Workflow.json

The three generated references images from the workflow to be used as inputs:
ComfyUI_temp_ftcsi_00004_
ComfyUI_temp_indeu_00001_
ComfyUI_temp_hirty_00004_

The results of the workflow:
ComfyUI_temp_lfnya_00031_
ComfyUI_temp_lfnya_00032_

Based on the behavior I am seeing, it looks like the last apply InstantID is completely overriding the first. I believe this to be a bug, unless there is something completely wrong that I missed that I am supposed to be doing that I am not. However, this is basically the workflow provided with the exception that the images and mask have been changed to be generated from the network and a resolution change.

error involving the placement of antelopv?? [assert 'detection' in self.models]

Error occurred when executing InstantIDFaceAnalysis:

File "/home/cat/Desktop/Comfy/ComfyUI/execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "/home/cat/Desktop/Comfy/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 "/home/cat/Desktop/Comfy/ComfyUI/execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
File "/home/cat/Desktop/Comfy/ComfyUI/custom_nodes/ComfyUI_InstantID/InstantID.py", line 282, in load_insight_face
model = FaceAnalysis(name="antelopev2", root=INSIGHTFACE_DIR, providers=[provider + 'ExecutionProvider',]) # buffalo_l
File "/venv/lib/python3.10/site-packages/insightface/app/face_analysis.py", line 43, in init
assert 'detection' in self.models

requirements installed, using ubuntu 20, on ROCm.

i tried to change provider to cpu, cuda, rocm, nothing worked.

i reinstalled onnxruntime

Toggle pose for image

In the past, I used to benefit from the feature of separating the main "InstantID" node from the "Face Keypoints Controlnet". So, sometimes I could generate image without a pose reference.
However, after the recent modification, the pose has become mandatory, and it is not possible to provide an image without including the pose. So, I hope it is possible to have a way to turn off the pose, such as making the image_kps input mandatory for those who want to specify the pose, while the image input does not include the pose in any case.

ID interpolation

Hi author,
Thanks for your contribution to the community. May I ask if you have tried the workflow of ID interpolation, like blending two different persons' identity

CUDA_PATH is set but CUDA wasnt able to be loaded. Please install the correct version of CUDA andcuDNN as mentioned in the GPU requirements page

please someone help me, I've been trying to solve this for hours but no luck.
I'm getting this error for everything, InstantID when using GPU, InstantID(zho), ReActor, ...basically anytime GPU(CUDA) is in use..

I've tried many things,
-reinstalling nodes,
-Installing CUDA 12.2
-Installing CUDA 11.8
-Installing cudnn 8.9.2

but still getting this same error.
it works with CPU but I want to do it with GPU since my CPU is overheating and GPU is faster.

here's the error :
D:\a_work\1\s\onnxruntime\python\onnxruntime_pybind_state.cc:857 onnxruntime::python::CreateExecutionProviderInstance CUDA_PATH is set but CUDA wasnt able to be loaded. Please install the correct version of CUDA andcuDNN as mentioned in the GPU requirements page (https://onnxruntime.ai/docs/execution-providers/CUDA-ExecutionProvider.html#requirements), make sure they're in the PATH, and that your GPU is supported.

Bypassing InstantID cause washed out images

Hi Cubiq,
Thank you very much for your work, I appreciate it.
I am a lazy user. If I add something to my workflow, I would rather mute or bypass it than remove it.
I grouped the important InstantID nodes.

Is it on comfyUI that bypassing doesn't work properly? If I bypass it, the result is a washed-out vs not using it.

Did I do something wrong?

Issue with Load InstantID Model node

The correct file path for the Ip-adapter.bin is comfyui/models/instantid, but in comfyui the node says null and undefined. I'm not using the portable version but I see someone else that is and is experiencing same issue where the model isnt being detected but is in the correct location.
The error I get is
" Prompt outputs failed validation
InstantIDModelLoader:
- Required input is missing: instantid_file"

Using instantid almost 6 times slower than normal generation

I am on amd (rx 6600 8gb) on windows , normally with sdxl I get 10sec/it which I am cool with. I have to use CPU for face analysis , and that makes the average step around 60 secs on the same workflow. I can see that my gpu is doing nothing almost all the time except a few seconds (probably the actual generating). Is there a way to speed this up at all ?

controlnet not work for me

image
When the process went through I tried to generate the image using the workflow InstantID_pose, but a bunch of noise appeared. When I tried to disable the controlnet node I found that I could generate it properly. Explaining that it is actually controlnet and ipa of instantid that is causing the noise. But I have checked that the models loaded are the ones specified. What can I do to solve this problem?

1.5 Support

Are there any plans for 1.5 support ?
I and I'm sure many others are unable to run 2.0 or higher models.

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.