Giter VIP home page Giter VIP logo

comfyui-n-nodes's Introduction

ko-fi

ComfyUI-N-Suite

A suite of custom nodes for ComfyUI that includes Integer, string and float variable nodes, GPT nodes and video nodes.

Important

These nodes were tested primarily in Windows in the default environment provided by ComfyUI and in the environment created by the notebook for paperspace specifically with the cyberes/gradient-base-py3.10:latest docker image. Any other environment has not been tested.

Installation

  1. Clone the repository: git clone https://github.com/Nuked88/ComfyUI-N-Nodes.git
    to your ComfyUI custom_nodes directory

  2. IMPORTANT: If you want the GPT nodes on GPU you'll need to run install_dependency bat files. There are 2 versions: install_dependency_ggml_models.bat for the old ggmlv3 models and install_dependency_gguf_models.bat for all the new models (GGUF). YOU CAN ONLY USE ONE OF THEM AT A TIME! Since llama-cpp-python needs to be compiled from source code to enable it to use the GPU, you will first need to have CUDA and visual studio 2019 or 2022 (in the case of my bat) installed to compile it. For details and the full guide you can go HERE.

  3. If you intend to use GPTLoaderSimple with the Moondream model, you'll need to execute the 'install_extra.bat' script, which will install transformers version 4.36.2.

  4. Reboot ComfyUI

In case you need to revert these changes (due to incompatibility with other nodes), you can utilize the 'remove_extra.bat' script.

ComfyUI will automatically load all custom scripts and nodes at startup.

Note

The llama-cpp-python installation will be done automatically by the script. If you have an NVIDIA GPU NO MORE CUDA BUILD IS NECESSARY thanks to jllllll repo. I've also dropped the support to GGMLv3 models since all notable models should have switched to the latest version of GGUF by now.

Note

Since 14/02/2024, the node has undergone a massive rewrite, which also led to the change of all node names in order to avoid any conflicts with other extensions in the future (or at least I hope so). Consequently, the old workflows are no longer compatible and will require manual replacement of each node. To avoid this, I have created a tool that allows for automatic replacement. On Windows, simply drag any *.json workflow onto the migrate.bat file located in (custom_nodes/ComfyUI-N-Nodes), and another workflow with the suffix _migrated will be created in the same folder as the current workflow. On Linux, you can use the script in the following way: python libs/migrate.py path/to/original/workflow/. For security reasons, the original workflow will not be deleted." For install the last version of this repository before this changes from the Comfyui-N-Suite execute git checkout 29b2e43baba81ee556b2930b0ca0a9c978c47083

  • For uninstallation:
    • Delete the ComfyUI-N-Nodes folder in custom_nodes
    • Delete the comfyui-n-nodes folder in ComfyUI\web\extensions
    • Delete the n-styles.csv and n-styles.csv.backup file in ComfyUI\styles
    • Delete the GPTcheckpoints folder in ComfyUI\models

Update

  1. Navigate to the cloned repo e.g. custom_nodes/ComfyUI-N-Nodes
  2. git pull

Features

📽️ Video Nodes 📽️

LoadVideo

alt text

The LoadVideoAdvanced node allows loading a video file and extracting frames from it. The name has been changed from LoadVideo to LoadVideoAdvanced in order to avoid conflicts with the LoadVideo animatediff node.

Input Fields

  • video: Select the video file to load.
  • framerate: Choose whether to keep the original framerate or reduce to half or quarter speed.
  • resize_by: Select how to resize frames - 'none', 'height', or 'width'.
  • size: Target size if resizing by height or width.
  • images_limit: Limit number of frames to extract.
  • batch_size: Batch size for encoding frames.
  • starting_frame: Select which frame to start from.
  • autoplay: Select whether to autoplay the video.

Output

  • IMAGES: Extracted frame images as PyTorch tensors.
  • LATENT: Empty latent vectors.
  • METADATA: Video metadata - FPS and number of frames.
  • WIDTH: Frame width.
  • HEIGHT: Frame height.
  • META_FPS: Frame rate.
  • META_N_FRAMES: Number of frames.

The node extracts frames from the input video at the specified framerate. It resizes frames if chosen and returns them as batches of PyTorch image tensors along with latent vectors, metadata, and frame dimensions.

SaveVideo

The SaveVideo node takes in extracted frames and saves them back as a video file. alt text

Input Fields

  • images: Frame images as tensors.
  • METADATA: Metadata from LoadVideo node.
  • SaveVideo: Toggle saving output video file.
  • SaveFrames: Toggle saving frames to a folder.
  • CompressionLevel: PNG compression level for saving frames.

Output

Saves output video file and/or extracted frames.

The node takes extracted frames and metadata and can save them as a new video file and/or individual frame images. Video compression and frame PNG compression can be configured. NOTE: If you are using LoadVideo as source of the frames, the audio of the original file will be maintained but only in case images_limit and starting_frame are equal to Zero.

LoadFramesFromFolder

alt text

The LoadFramesFromFolder node allows loading image frames from a folder and returning them as a batch.

Input Fields

  • folder: Path to the folder containing the frame images.Must be png format, named with a number (eg. 1.png or even 0001.png).The images will be loaded sequentially.
  • fps: Frames per second to assign to the loaded frames.

Output

  • IMAGES: Batch of loaded frame images as PyTorch tensors.
  • METADATA: Metadata containing the set FPS value.
  • MAX_WIDTH: Maximum frame width.
  • MAX_HEIGHT: Maximum frame height.
  • FRAME COUNT: Number of frames in the folder.
  • PATH: Path to the folder containing the frame images.
  • IMAGE LIST: List of frame images in the folder (not a real list just a string divided by \n).

The node loads all image files from the specified folder, converts them to PyTorch tensors, and returns them as a batched tensor along with simple metadata containing the set FPS value.

This allows easily loading a set of frames that were extracted and saved previously, for example, to reload and process them again. By setting the FPS value, the frames can be properly interpreted as a video sequence.

SetMetadataForSaveVideo

alt text

The SetMetadataForSaveVideo node allows setting metadata for the SaveVideo node.

FrameInterpolator

alt text

The FrameInterpolator node allows interpolating between extracted video frames to increase the frame rate and smooth motion.

Input Fields

  • images: Extracted frame images as tensors.
  • METADATA: Metadata from video - FPS and number of frames.
  • multiplier: Factor by which to increase frame rate.

Output

  • IMAGES: Interpolated frames as image tensors.
  • METADATA: Updated metadata with new frame rate.

The node takes extracted frames and metadata as input. It uses an interpolation model (RIFE) to generate additional in-between frames at a higher frame rate.

The original frame rate in the metadata is multiplied by the multiplier value to get the new interpolated frame rate.

The interpolated frames are returned as a batch of image tensors, along with updated metadata containing the new frame rate.

This allows increasing the frame rate of an existing video to achieve smoother motion and slower playback. The interpolation model creates new realistic frames to fill in the gaps rather than just duplicating existing frames.

The original code has been taken from HERE

Variables

Since the primitive node has limitations in links (for example at the time i'm writing you cannot link "start_at_step" and "steps" of another ksampler toghether), I decided to create these simple node-variables to bypass this limitation The node-variables are:

  • Integer
  • Float
  • String

🤖 GPTLoaderSimple and GPTSampler 🤖

These custom nodes are designed to enhance the capabilities of the ConfyUI framework by enabling text generation using GGUF GPT models. This README provides an overview of the two custom nodes and their usage within ConfyUI.

You can add in the extra_model_paths.yaml the path where your model GGUF are in this way (example):

other_ui: base_path: I:\\text-generation-webui GPTcheckpoints: models/

Otherwise it will create a GPTcheckpoints folder in the model folder of ComfyUI where you can place your .gguf models.

Two folders have also been created within the 'Llava' directory in the 'GPTcheckpoints' folder for the LLava model:

clips: This folder is designated for storing the clips for your LLava models (usually, files that start with mm in the repository). models: This folder is designated for storing the LLava models.

This nodes actually supports 4 different models:

  • All the GGUF supported by llama.cpp
  • Llava
  • Moondream
  • Joytag

GGUF LLM

The GGUF models can be downloaded from the Huggingface Hub

HERE a video of an example of how to use the GGUF models by boricuapab

Llava

Here a small list of the models supported by this nodes:

LlaVa 1.5 7B LlaVa 1.5 13B LlaVa 1.6 Mistral 7B BakLLaVa Nous Hermes 2 Vision

####Example with Llava model: alt text

Moondream

The model will be automatically downloaded when you run the first time. Anyway, it is available HERE The code taken from this repository

####Example with Moondream model: alt text

Joytag

The model will be automatically downloaded when you run the first time. Anyway, it is available HERE The code taken from this repository

####Example with Joytag model: alt text

GPTLoaderSimple

alt text

The GPTLoaderSimple node is responsible for loading GPT model checkpoints and creating an instance of the Llama library for text generation. It provides an interface to configure GPU layers, the number of threads, and maximum context for text generation.

Input Fields

  • ckpt_name: Select the GPT checkpoint name from the available options (joytag and moondream will be automatically downloaded used the first time).
  • gpu_layers: Specify the number of GPU layers to use (default: 27).
  • n_threads: Specify the number of threads for text generation (default: 8).
  • max_ctx: Specify the maximum context length for text generation (default: 2048).

Output

The node returns an instance of the Llama library (MODEL) and the path to the loaded checkpoint (STRING).

GPTSampler

alt text

The GPTSampler node facilitates text generation using GPT models based on the input prompt and various generation parameters. It allows you to control aspects like temperature, top-p sampling, penalties, and more.

Input Fields

  • prompt: Enter the input prompt for text generation.
  • image: Image input for Joytag, moondream and llava models.
  • model: Choose the GPT model to use for text generation.
  • max_tokens: Set the maximum number of tokens in the generated text (default: 128).
  • temperature: Set the temperature parameter for randomness (default: 0.7).
  • top_p: Set the top-p probability for nucleus sampling (default: 0.5).
  • logprobs: Specify the number of log probabilities to output (default: 0).
  • echo: Enable or disable printing the input prompt alongside the generated text.
  • stop_token: Specify the token at which text generation stops.
  • frequency_penalty, presence_penalty, repeat_penalty: Control word generation penalties.
  • top_k: Set the top-k tokens to consider during generation (default: 40).
  • tfs_z: Set the temperature scaling factor for top frequent samples (default: 1.0).
  • print_output: Enable or disable printing the generated text to the console.
  • cached: Choose whether to use cached generation (default: NO).
  • prefix, suffix: Specify text to prepend and append to the prompt.
  • max_tags: This only affect the max number of tags generated by joydag.

Output

The node returns the generated text along with a UI-friendly representation.

Image Pad For Outpainting Advanced

alt text

The ImagePadForOutpaintingAdvanced node is an alternative to the ImagePadForOutpainting node that applies the technique seen in this video under the outpainting mask. The color correction part was taken from this custom node from Sipherxyz

Input Fields

  • image: Image input.
  • left: pixel to extend from left,
  • top: pixel to extend from top,
  • right: pixel to extend from right,
  • bottom: pixel to extend from bottom.
  • feathering: feathering strength
  • noise: blend strenght from noise and the copied border
  • pixel_size: how big will be the pixel in the pixellated effect
  • pixel_to_copy: how many pixels to copy (from each side)
  • temperature: color correction setting that is only applied to the mask part.
  • hue: color correction setting that is only applied to the mask part.
  • brightness: color correction setting that is only applied to the mask part.
  • contrast: color correction setting that is only applied to the mask part.
  • saturation: color correction setting that is only applied to the mask part.
  • gamma: color correction setting that is only applied to the mask part.

Output

The node returns the processed image and the mask.

Dynamic Prompt

alt text

The DynamicPrompt node generates prompts by combining a fixed prompt with a random selection of tags from a variable prompt. This enables flexible and dynamic prompt generation for various use cases.

Input Fields

  • variable_prompt: Enter the variable prompt for tag selection.
  • cached: Choose whether to cache the generated prompt (default: NO).
  • number_of_random_tag: Choose between "Fixed" and "Random" for the number of random tags to include.
  • fixed_number_of_random_tag: If number_of_random_tag if "Fixed" Specify the number of random tags to include (default: 1).
  • fixed_prompt (Optional): Enter the fixed prompt for generating the final prompt.

Output

The node returns the generated prompt, which is a combination of the fixed prompt and selected random tags.

Example Usage

  • Just fill the variable_prompt field with tag comma separated, the fixed_prompt is optional

CLIP Text Encode Advanced (Experimental)

alt text

The CLIP Text Encode Advanced node is an alternative to the standard CLIP Text Encode node. It offers support for Add/Replace/Delete styles, allowing for the inclusion of both positive and negative prompts within a single node.

The base style file is called n-styles.csv and is located in the ComfyUI\styles folder. The styles file follows the same format as the current styles.csv file utilized in A1111 (at the time of writing).

NOTE: this note is experimental and still have alot of bugs

Input Fields

  • clip: clip input
  • style: it will automatically fill the positive and negative prompts based on the choosen style

Output

  • positive: positive conditions
  • negative: negative conditions

Troubleshooting

  • SaveVideo - Preview not working: is related to a conflict with animateDiff, i've already opened a PR to solve this issue. Meanwhile you can download my patched version from here pull has been merged so this problem should be fixed now!

Contributing

Feel free to contribute to this project by reporting issues or suggesting improvements. Open an issue or submit a pull request on the GitHub repository.

License

This project is licensed under the MIT License. See the LICENSE file for details.

comfyui-n-nodes's People

Contributors

haohaocreates avatar mastfissh avatar nuked88 avatar picobyte 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

comfyui-n-nodes's Issues

Clip loading error [BUG]

Describe the bug
Not a bug, but Comfy is looking for clip, and I can't figure out where to place the right file in the right directory..
I've placed mmproj-model-f16.gguf inside of the clip directory of llava, but Comfy still doesn't find the file.

image

Can I get a clear idea of where files go??

Danke!

[BUG]ModuleNotFoundError: No module named 'moondream_repo.moondream.moondream'

When Comfyui is starting, ComfyUI-N-Nodes throw an error:

** ComfyUI startup time: 2024-02-27 22:42:23.052276
[2024-02-27 22:42] ** Platform: Windows
[2024-02-27 22:42] ** Python version: 3.10.6 (tags/v3.10.6:9c7b4bd, Aug  1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)]
[2024-02-27 22:42] ** Python executable: D:\ComfyUI\ComfyUI\venv\Scripts\python.exe
[2024-02-27 22:42] ** Log path: D:\ComfyUI\ComfyUI\comfyui.log
[2024-02-27 22:42] 
Prestartup times for custom nodes:
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\rgthree-comfy
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Manager
[2024-02-27 22:42] 
[2024-02-27 22:42] Total VRAM 24564 MB, total RAM 65316 MB
[2024-02-27 22:42] xformers version: 0.0.24+cu118
[2024-02-27 22:42] Set vram state to: NORMAL_VRAM
[2024-02-27 22:42] Device: cuda:0 NVIDIA GeForce RTX 4090 : cudaMallocAsync
[2024-02-27 22:42] VAE dtype: torch.bfloat16
[2024-02-27 22:42] Using xformers cross attention
[2024-02-27 22:42] Adding extra search path checkpoints d:/stable-diffusion-webui/models/Stable-diffusion
[2024-02-27 22:42] Adding extra search path configs d:/stable-diffusion-webui/models/Stable-diffusion
[2024-02-27 22:42] Adding extra search path vae d:/stable-diffusion-webui/models/VAE
[2024-02-27 22:42] Adding extra search path loras d:/stable-diffusion-webui/models/Lora
[2024-02-27 22:42] Adding extra search path loras d:/stable-diffusion-webui/models/LyCORIS
[2024-02-27 22:42] Adding extra search path upscale_models d:/stable-diffusion-webui/models/ESRGAN
[2024-02-27 22:42] Adding extra search path upscale_models d:/stable-diffusion-webui/models/RealESRGAN
[2024-02-27 22:42] Adding extra search path upscale_models d:/stable-diffusion-webui/models/SwinIR
[2024-02-27 22:42] Adding extra search path embeddings d:/stable-diffusion-webui/embeddings
[2024-02-27 22:42] Adding extra search path hypernetworks d:/stable-diffusion-webui/models/hypernetworks
[2024-02-27 22:42] Adding extra search path controlnet d:/stable-diffusion-webui/extensions/sd-webui-controlnet/models
[2024-02-27 22:42] Adding extra search path clip d:/ComfyUI/ComfyUI/models/clip
[2024-02-27 22:42] Adding extra search path clip_vision d:/ComfyUI/ComfyUI/models/clip_vision
[2024-02-27 22:42] Adding extra search path ipadapter d:/ComfyUI/ComfyUI/models/ipadapter
[2024-02-27 22:42] [AnimateDiff] - �[0;33mWARNING�[0m - xformers is enabled but it has a bug that can cause issue while using with AnimateDiff.
[2024-02-27 22:42] [Crystools �[0;32mINFO�[0m] Crystools version: 1.11.0
[2024-02-27 22:42] [Crystools �[0;32mINFO�[0m] CPU: 13th Gen Intel(R) Core(TM) i9-13900KF - Arch: AMD64 - OS: Windows 10
[2024-02-27 22:42] [Crystools �[0;32mINFO�[0m] GPU/s:
[2024-02-27 22:42] [Crystools �[0;32mINFO�[0m] 0) NVIDIA GeForce RTX 4090
[2024-02-27 22:42] [Crystools �[0;32mINFO�[0m] NVIDIA Driver: 551.61
D:\ComfyUI\ComfyUI\venv\lib\site-packages\transformers\utils\generic.py:311: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.
  torch.utils._pytree._register_pytree_node(
[2024-02-27 22:42] D:\ComfyUI\ComfyUI\venv\lib\site-packages\transformers\utils\generic.py:311: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.
  torch.utils._pytree._register_pytree_node(
[2024-02-27 22:42] ### Loading: ComfyUI-Impact-Pack (V4.76.1)
[2024-02-27 22:42] ### Loading: ComfyUI-Impact-Pack (Subpack: V0.4)
[2024-02-27 22:42] ### Loading: ComfyUI-Inspire-Pack (V0.64)
[2024-02-27 22:42] [Impact Pack] Wildcards loading done.
[2024-02-27 22:42] D:\ComfyUI\ComfyUI\venv\lib\site-packages\transformers\utils\generic.py:311: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.
  torch.utils._pytree._register_pytree_node(
[2024-02-27 22:42] Package diffusers is already installed.
[2024-02-27 22:42] ### Loading: ComfyUI-Manager (V2.7.2)
[2024-02-27 22:42] ### ComfyUI Revision: 1992 [dccca1da] | Released on '2024-02-18'
[2024-02-27 22:42] --------------
[2024-02-27 22:42] �[91m ### Mixlab Nodes: �[93mLoaded
[2024-02-27 22:42] LaMaInpainting.available True
[2024-02-27 22:42] ClipInterrogator.available True
[2024-02-27 22:42] PromptGenerate.available True
[2024-02-27 22:42] ChinesePrompt.available True
[2024-02-27 22:42] RembgNode_.available True
[2024-02-27 22:42] �[93m -------------- �[0m
[2024-02-27 22:42] Current version of packaging: 23.2
[2024-02-27 22:42] Version of cpuinfo: Version information not found
[2024-02-27 22:42] Current version of git: 3.1.42
[2024-02-27 22:42] Current version of moviepy: 1.0.3
[2024-02-27 22:42] Current version of cv2: 4.8.0
[2024-02-27 22:42] Current version of skbuild: 0.17.6
[2024-02-27 22:42] Version of typing: Version information not found
[2024-02-27 22:42] Current version of diskcache: 5.6.3
[2024-02-27 22:42] Current version of llama_cpp: 0.2.26+cu118
[2024-02-27 22:42] Current version of timm: 0.9.16
[2024-02-27 22:42] timm is already up-to-date with version 0.9.16
[2024-02-27 22:42] Traceback (most recent call last):
[2024-02-27 22:42]   File "D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-N-Nodes\__init__.py", line 69, in <module>
    spec.loader.exec_module(module)
[2024-02-27 22:42]   File "<frozen importlib._bootstrap_external>", line 883, in exec_module
[2024-02-27 22:42]   File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
[2024-02-27 22:42]   File "D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\gptcpp_node.py", line 12, in <module>
    from moondream_repo.moondream.moondream import Moondream
[2024-02-27 22:42] ModuleNotFoundError: No module named 'moondream_repo.moondream.moondream'

The nodes list:

Import times for custom nodes:
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\style_aligned_comfy
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\sdxl_prompt_styler
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-seamless-tiling
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Logic
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\AIGODLIKE-COMFYUI-TRANSLATION
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\masquerade-nodes-comfyui
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\stability-ComfyUI-nodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_TiledKSampler
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\cg-image-picker
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-BRIA_AI-RMBG
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\lora-info
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_ADV_CLIP_emb
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\wlsh_nodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\cg_custom_core
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_experiments
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_essentials
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-WD14-Tagger
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-RenderRiftNodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\demofusion-comfyui
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-various
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-ArtGallery
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-PhotoMaker-ZHO
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-animatediff
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\cg-quicknodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-PhotoMaker-Plus
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-LCM
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Crystools-save
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-dream-video-batches
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\rgthree-comfy
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\efficiency-nodes-comfyui
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-workspace-manager
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-KJNodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-prompt-reader-node
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_tinyterraNodes
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\facerestore_cf
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\Comfyui_ALY
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Inspire-Pack
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-reactor-node
[2024-02-27 22:42]    0.0 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
[2024-02-27 22:42]    0.1 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
[2024-02-27 22:42]    0.1 seconds: D:\ComfyUI\ComfyUI\custom_nodes\NodeGPT
[2024-02-27 22:42]    0.1 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Gemini
[2024-02-27 22:42]    0.1 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-DDColor
[2024-02-27 22:42]    0.1 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-N-Nodes
[2024-02-27 22:42]    0.2 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-InstantID
[2024-02-27 22:42]    0.2 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_Seg_VITON
[2024-02-27 22:42]    0.2 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Manager
[2024-02-27 22:42]    0.2 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui_controlnet_aux
[2024-02-27 22:42]    0.3 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-dynamicprompts
[2024-02-27 22:42]    0.6 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
[2024-02-27 22:42]    0.6 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui-mixlab-nodes
[2024-02-27 22:42]    0.6 seconds: D:\ComfyUI\ComfyUI\custom_nodes\was-node-suite-comfyui
[2024-02-27 22:42]    0.9 seconds: D:\ComfyUI\ComfyUI\custom_nodes\OneButtonPrompt
[2024-02-27 22:42]    1.1 seconds: D:\ComfyUI\ComfyUI\custom_nodes\comfyui_segment_anything
[2024-02-27 22:42]    2.3 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI_Custom_Nodes_AlekPet
[2024-02-27 22:42]    2.4 seconds: D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-Crystools

Desktop (please complete the following information):

  • OS: Windows 10

ERROR segment anything

VIDEO input NODE

Error occurred when executing GroundingDinoSAMSegment (segment anything):

cannot unpack non-iterable NoneType object

  File "/mnt/starT/AI/ComfyUI/execution.py", line 152, in recursive_execute
    output_data, output_ui = get_output_data(obj, input_data_all)
                             ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/mnt/starT/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 "/mnt/starT/AI/ComfyUI/execution.py", line 75, in map_node_over_list
    results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "/mnt/starT/AI/ComfyUI/custom_nodes/comfyui_segment_anything/node.py", line 305, in main
    (images, masks) = sam_segment(
    ^^^^^^^^^^^^^^^

FRAME input NODE

`Error occurred when executing GroundingDinoSAMSegment (segment anything):

list index out of range

Last line is different


  File "/mnt/starT/AI/ComfyUI/execution.py", line 59, in slice_dict
  d_new[k] = v[i if len(v) > i else -1]
             ~^^^^^^^^^^^^^^^^^^^^^^^^^

No audio?

After the video was created, there is no audio, the source has audio though.

'Logger' object has no attribute 'fileno'

I am using ubuntu 22.04. I dont know what this error is about.
I tried loading ggml and gguf checkpoints (bin, gguf) with the same results

Error occurred when executing GPT Loader Simple:

'Logger' object has no attribute 'fileno'

File "-----------/ComfyUI/execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "-----------/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 "-----------/ComfyUI/execution.py", line 75, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
File "-----------/ComfyUI/custom_nodes/ComfyUI-N-Nodes/py/gptcpp_node.py", line 51, in load_gpt_checkpoint
llm = Llama(model_path=ckpt_path,n_gpu_layers=gpu_layers,verbose=False,n_threads=n_threads, n_ctx=max_ctx, )
File "-----------/ComfyUI/venv/lib/python3.10/site-packages/llama_cpp/llama.py", line 284, in init
with suppress_stdout_stderr():
File "-----------/ComfyUI/venv/lib/python3.10/site-packages/llama_cpp/utils.py", line 11, in enter
self.old_stdout_fileno_undup = sys.stdout.fileno()

How to remove video from upload list

The video upload list for me has a lot of items and I am wanting to clear it.
I see that there was a previous enhancement request for this raised and now closed (#38), but I'm not sure how to actually clear the list.

How is this done? I have looked in the ComfyUI\input\n-suite folder and where there are some videos there, it doesn't appear to match the list. in the load video node.

GPTSampler Error

Describe the bug
GPTSampler and GPTLoaderSimple stopped working after update.

To Reproduce
Just Start

Screenshots
Screenshot_1
Screenshot_2

Desktop (please complete the following information):

  • OS: Window 11
  • chrome (updated)

ModuleNotFoundError: No module named 'model'

After installing and restarting, it compiles, but fails on

[ComfyUI] Traceback (most recent call last):
[ComfyUI]   File "/home/jw/store/src/stable-diffusion-webui_rt/extensions/sd-webui-comfyui/comfyui_custom_nodes/ComfyUI-N-Nodes/__init__.py", line 45, in <module>
    spec.loader.exec_module(module)
[ComfyUI]   File "<frozen importlib._bootstrap_external>", line 883, in exec_module
[ComfyUI]   File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
[ComfyUI]   File "/home/jw/store/src/stable-diffusion-webui_rt/extensions/sd-webui-comfyui/comfyui_custom_nodes/ComfyUI-N-Nodes/py/frame_interpolator_node.py", line 21, in <module>
    from model.pytorch_msssim import ssim_matlab
[ComfyUI] ModuleNotFoundError: No module named 'model'

Do I need to add some specific path to sys.path.append(), or is there another solution?

Also, it appears not to be the case that "For uninstallation:Delete the ComfyUI-N-Nodes folder in custom_nodes", because I have deleted this folder but still get the error message:

[ComfyUI] Traceback (most recent call last):
  File "/home/jw/store/src/stable-diffusion-webui_rt/extensions/sd-webui-comfyui/ComfyUI/nodes.py", line 1800, in load_custom_node
    module_spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 879, in exec_module
  File "<frozen importlib._bootstrap_external>", line 1016, in get_code
  File "<frozen importlib._bootstrap_external>", line 1073, in get_data
FileNotFoundError: [Errno 2] No such file or directory: '/home/jw/store/src/stable-diffusion-webui_rt/extensions/sd-webui-comfyui/ComfyUI/custom_nodes/ComfyUI-N-Nodes/__init__.py'

[ComfyUI] Cannot import /home/jw/store/src/stable-diffusion-webui_rt/extensions/sd-webui-comfyui/ComfyUI/custom_nodes/ComfyUI-N-Nodes module for custom nodes: [Errno 2] No such file or directory: '/home/jw/store/src/stable-diffusion-webui_rt/extensions/sd-webui-comfyui/ComfyUI/custom_nodes/ComfyUI-N-Nodes/__init__.py'

I edited manually:

./ComfyUI/custom_nodes/ComfyUI-Manager/node_db/new/extension-node-map.json
./ComfyUI/custom_nodes/ComfyUI-Manager/extension-node-map.json
./ComfyUI/custom_nodes/ComfyUI-Manager/custom-node-list.json

and recursively wiped all pycache folders, and there is still the load on error as it looks for ComfyUI-N-Nodes. Any idea how to completely delete it?

How to load 1min 30FPS video? Always out of RAM.

I ran out of memory when loading a larger video, and even though I had 64GB of physical RAM, I still couldn't handle a 1-minute video with 30FPS.

I noticed that I have successfully kept the number of frames of the video at 1800 images, but it seems that it will cause memory overflow during the encode function.

Is there a way to process these images one after another instead of loading them into memory at the same time?

How should this scenario be handled or are there any alternatives?


Info:

i_tensor = torch.stack(i_list, dim=0)

            # Recupera i risultati
            for future in futures:
                batch_i_tensors = future.result()
                i_list.extend(batch_i_tensors)

        i_tensor = torch.stack(i_list, dim=0) // <-------- The error may stops at this line, unable to allocate enough memory
       

        if images_limit != 0 or starting_frame != 0:
            
            b_size=final_count_frame
        else:
            b_size=len(FRAMES)

May related

https://www.reddit.com/r/comfyui/comments/17afmmh/how_to_load_frames_from_a_video_one_by_one/

I have a video and I want to run SD on each frame of that video. I tried the load methods from Was-nodesuite-comfyUI and ComfyUI-N-Nodes on comfyUI, but they seem to load all of my images into RAM at once. This causes my steps to take up a lot of RAM, leading to killed RAM. Is there a way to load each image in a video (or a batch) to save memory?
My computer configuration:
CPU: 12th Gen Intel(R) Core(TM) i5-12400F
RAM: 16Gb
GPU: NVIDIA GeForce RTX 3060 (12Gb Ram)


ERROR:root:!!! Exception during processing !!!
ERROR:root:Traceback (most recent call last):
  File "H:\WorkShopAI\_COMMUNITY\ComfyUI\execution.py", line 152, in recursive_execute
    output_data, output_ui = get_output_data(obj, input_data_all)
  File "H:\WorkShopAI\_COMMUNITY\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 "H:\WorkShopAI\_COMMUNITY\ComfyUI\execution.py", line 75, in map_node_over_list
    results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
  File "H:\WorkShopAI\_COMMUNITY\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\video_node_advanced.py", line 512, in encode
    i_tensor = torch.stack(i_list, dim=0)
RuntimeError: [enforce fail at alloc_cpu.cpp:114] data. DefaultCPUAllocator: not enough memory: you tried to allocate 44764876800 bytes.

glob() got an unexpected keyword argument 'root_dir'

hey @Nuked88, please see below. Thanks

Traceback (most recent call last):
File "/Users/xxxxxxx/stable-diffusion-comfy/nodes.py", line 1800, in load_custom_node
module_spec.loader.exec_module(module)
File "", line 850, in exec_module
File "", line 228, in _call_with_frames_removed
File "/Users/xxxxxxx/stable-diffusion-comfy/custom_nodes/ComfyUI-N-Nodes/init.py", line 18, in
files = glob.glob("*.py", root_dir=py, recursive=False)
TypeError: glob() got an unexpected keyword argument 'root_dir'

0.0 seconds (IMPORT FAILED): /Users/xxxxxxx/stable-diffusion-comfy/custom_nodes/ComfyUI-N-Nodes

Feature Request: Alpha Mask Source with Color Picker

Hi Nuked88, wanted to start a dedicated thread about a feature request to allow loading of a second video source which would be a pre-formatted alpha video or duplicate of the source to then be turned into a alpha mask to be used in the Vid2Vid workflows. Example attached, leveraging some other nodes to achieve the mask latent input.

Screen Shot 2023-10-21 at 9 08 32 AM

requirements problem

git and zipfile
pip doesn't find anything and halts installation
when done manually, but looking closer at the console when UI loads, it says they're installed... not sure what's going on, but I'm n00b level

opencv-python overwrites an existing install by
WAS Node Suite: OpenCV Python FFMPEG support is enabled

[BUG] Error occurred when executing GPT Loader Simple:

Just followed this tutorial: https://www.youtube.com/watch?v=gzTqXbF0S-w and I can't seem to be able to load GPT.

Screenshot_20240131_202006_Brave

I'm getting following error:

Error occurred when executing GPT Loader Simple:

File "C:\...\GitHub\ComfyUI_windows_portable\ComfyUI\execution.py", line 152, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "C:\...\GitHub\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:\...\GitHub\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:\...\GitHub\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\gptcpp_node.py", line 51, in load_gpt_checkpoint
llm = Llama(model_path=ckpt_path,n_gpu_layers=gpu_layers,verbose=False,n_threads=n_threads, n_ctx=max_ctx, )
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "C:\...\GitHub\ComfyUI_windows_portable\python_embeded\Lib\site-packages\llama_cpp\llama.py", line 328, in __init__
assert self.model is not None
^^^^^^^^^^^^^^^^^^^^^^

I have everything up to date, I've run Update All. I've saved gguf file here: "C:...\GitHub\ComfyUI_windows_portable\ComfyUI\models\GPTcheckpoints\IFpromptMKR-7b-q4_k_m.gguf"

Not sure what I'm doing wrong. Thanks for any help!

Loading only selected frames to temp

Feature request to speedup the node preload

  • A button to preload (generate all frames to comfyui temp folder)
  • A setting to load only selected frames (preload temp frames with option, eg: frames 1-100 only / preload batch_size)
  • A way to preview a specific frame (starting_frame) and not reload all frames if you want to preview another frame (that is already preloaded)
  • A way to not have to preload video after loading another video to test (during session when temp files are still ready and available)

Reloading a 5000 frame video everytime you test and change settings is no fun

Lots of error message

ERROR: Exception:
Traceback (most recent call last):
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\cli\base_command.py", line 180, in exc_logging_wrapper
status = run_func(*args)
^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\cli\req_command.py", line 245, in wrapper
return func(self, options, args)
^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\commands\install.py", line 377, in run
requirement_set = resolver.resolve(
^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\resolver.py", line 95, in resolve
result = self._result = resolver.resolve(
^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\resolvelib\resolvers.py", line 546, in resolve
state = resolution.resolve(requirements, max_rounds=max_rounds)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\resolvelib\resolvers.py", line 397, in resolve
self._add_to_criteria(self.state.criteria, r, parent=None)
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\resolvelib\resolvers.py", line 173, in _add_to_criteria
if not criterion.candidates:
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\resolvelib\structs.py", line 156, in bool
return bool(self._sequence)
^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\found_candidates.py", line 155, in bool
return any(self)
^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\found_candidates.py", line 143, in
return (c for c in iterator if id(c) not in self._incompatible_ids)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\found_candidates.py", line 47, in _iter_built
candidate = func()
^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\factory.py", line 211, in _make_candidate_from_link
self._link_candidate_cache[link] = LinkCandidate(
^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 293, in init
super().init(
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 156, in init
self.dist = self._prepare()
^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 225, in _prepare
dist = self._prepare_distribution()
^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\resolution\resolvelib\candidates.py", line 304, in _prepare_distribution
return preparer.prepare_linked_requirement(self._ireq, parallel_builds=True)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\operations\prepare.py", line 525, in prepare_linked_requirement
return self._prepare_linked_requirement(req, parallel_builds)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\operations\prepare.py", line 640, in _prepare_linked_requirement
dist = _get_prepared_distribution(
^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\operations\prepare.py", line 71, in _get_prepared_distribution
abstract_dist.prepare_distribution_metadata(
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\distributions\sdist.py", line 54, in prepare_distribution_metadata
self._install_build_reqs(finder)
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\distributions\sdist.py", line 124, in _install_build_reqs
build_reqs = self._get_build_requires_wheel()
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\distributions\sdist.py", line 101, in _get_build_requires_wheel
return backend.get_requires_for_build_wheel()
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_internal\utils\misc.py", line 751, in get_requires_for_build_wheel
return super().get_requires_for_build_wheel(config_settings=cs)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\pyproject_hooks_impl.py", line 166, in get_requires_for_build_wheel
return self._call_hook('get_requires_for_build_wheel', {
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\pyproject_hooks_impl.py", line 321, in _call_hook
raise BackendUnavailable(data.get('traceback', ''))
pip._vendor.pyproject_hooks._impl.BackendUnavailable: Traceback (most recent call last):
File "E:\comfyui\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pip_vendor\pyproject_hooks_in_process_in_process.py", line 77, in build_backend
obj = import_module(mod_path)
^^^^^^^^^^^^^^^^^^^^^^^
File "importlib_init
.py", line 126, in import_module
File "", line 1204, in _gcd_import
File "", line 1176, in _find_and_load
File "", line 1126, in _find_and_load_unlocked
File "", line 241, in _call_with_frames_removed
File "", line 1204, in _gcd_import
File "", line 1176, in _find_and_load
File "", line 1140, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'scikit_build_core'

[BUG] Video not loading and processing on GCP

Describe the bug
Hey there! I use the LoadVideo Node on my GCP hosted ComfyUI. But somehow I get this error, when uploading a video. It also doesnt show up as a preview in the node. The video files are shown up in the output -> n-suite folder.

Error: GET http://XX.XXX.XXX.XXX:XXXX/view?filename=robertCompressed.mp4&type=input&subfolder=n-suite&preview=jpeg 500 (Internal Server Error)

Did I miss something which is needed to playback and process the videos?

I use a VM Instance with Ubuntu and a T4 GPU.
Screenshot 2024-04-04 at 07 13 00

lNoneType' object has no attribute 'shape'

With the same settings, the video content is relatively pure and cannot be recognized. Clean videos like this are easier to control when used for redrawing. Can it be improved?
image

clarification

Just a question regarding install_extra.bat.

Is this inteded to be used with comfyui portable, or manual installed using venv?

Error occurred when executing SaveVideo

Hello, fantastic addition to the workflow btw, thank you for your time and efforts.

I'm currently running into an error when Queuing up multiple runs.

"Error occurred when executing SaveVideo - list index out of range"

It works just find when running once. I include two SaveVideo nodes along my workflow. Any ideas what could be causing this?

Thanks

Where to get the *.bin models from?

I've checked the models provided by TheBloke, and they are all in the safetensor format. It appears that I cannot use safetensors with your nodes. Any help?

I tried
ggml-vic13b-q5_1.bin
gpt-x-alpaca-13b-native-4bit-128g-cuda.pt
koala-7B.ggmlv3.q4_0.bin
stable-vicuna-13B-GPTQ-4bit.compat.no-act-order.safetensors
vicuna-13b-4bit-128g.safetensors

Only the *.bin models are shown in the GPT Loader node. But they return an error like this:

gguf_init_from_file: invalid magic number 67676a74
error loading model: llama_model_loader: failed to load model from D:\stable-diffusion-webui_AUTOMATIC1111\stable-diffusion-webui-master\models\GPTcheckpoints\koala-7B.ggmlv3.q4_0.bin

llama_load_model_from_file: failed to load model
!!! Exception during processing !!!
Traceback (most recent call last):
  File "D:\ComfyUI\ComfyUI\execution.py", line 151, in recursive_execute
    output_data, output_ui = get_output_data(obj, input_data_all)
  File "D:\ComfyUI\ComfyUI\execution.py", line 81, in get_output_data
    return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True)
  File "D:\ComfyUI\ComfyUI\execution.py", line 74, in map_node_over_list
    results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
  File "D:\ComfyUI\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\gptcpp_node.py", line 50, in load_gpt_checkpoint
    llm = Llama(model_path=ckpt_path,n_gpu_layers=gpu_layers,verbose=False,n_threads=n_threads, n_ctx=4000, )
  File "D:\ComfyUI\ComfyUI\comfyUI_env\lib\site-packages\llama_cpp\llama.py", line 323, in __init__
    assert self.model is not None
AssertionError

ModuleNotFoundError: No module named 'moviepy'

Updated comfy today and ran into this error

Detected:  moviepy
C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\_distutils_hack\__init__.py:33: UserWarning: Setuptools is replacing distutils.
  warnings.warn("Setuptools is replacing distutils.")
WARNING: pip is being invoked by an old script wrapper. This will fail in a future version of pip.
Please see https://github.com/pypa/pip/issues/5599 for advice on fixing the underlying issue.
To avoid this problem you can invoke Python with '-m pip' instead of running pip directly.
Collecting moviepy
  Using cached moviepy-1.0.3.tar.gz (388 kB)
ERROR: Exception:
Traceback (most recent call last):
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\__init__.py", line 19, in install_and_import
    importlib.import_module(packegename)
  File "importlib\__init__.py", line 126, in import_module
  File "<frozen importlib._bootstrap>", line 1050, in _gcd_import
  File "<frozen importlib._bootstrap>", line 1027, in _find_and_load
  File "<frozen importlib._bootstrap>", line 1004, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'moviepy'

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\cli\base_command.py", line 180, in exc_logging_wrapper
    status = run_func(*args)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\cli\req_command.py", line 248, in wrapper
    return func(self, options, args)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\commands\install.py", line 377, in run
    requirement_set = resolver.resolve(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\resolver.py", line 92, in resolve
    result = self._result = resolver.resolve(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_vendor\resolvelib\resolvers.py", line 546, in resolve
    state = resolution.resolve(requirements, max_rounds=max_rounds)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_vendor\resolvelib\resolvers.py", line 397, in resolve
    self._add_to_criteria(self.state.criteria, r, parent=None)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_vendor\resolvelib\resolvers.py", line 173, in _add_to_criteria
    if not criterion.candidates:
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_vendor\resolvelib\structs.py", line 156, in __bool__
    return bool(self._sequence)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\found_candidates.py", line 155, in __bool__
    return any(self)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\found_candidates.py", line 143, in <genexpr>
    return (c for c in iterator if id(c) not in self._incompatible_ids)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\found_candidates.py", line 47, in _iter_built
    candidate = func()
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\factory.py", line 206, in _make_candidate_from_link
    self._link_candidate_cache[link] = LinkCandidate(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\candidates.py", line 293, in __init__
    super().__init__(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\candidates.py", line 156, in __init__
    self.dist = self._prepare()
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\candidates.py", line 225, in _prepare
    dist = self._prepare_distribution()
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\resolution\resolvelib\candidates.py", line 304, in _prepare_distribution
    return preparer.prepare_linked_requirement(self._ireq, parallel_builds=True)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\operations\prepare.py", line 538, in prepare_linked_requirement
    return self._prepare_linked_requirement(req, parallel_builds)
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\operations\prepare.py", line 653, in _prepare_linked_requirement
    dist = _get_prepared_distribution(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\operations\prepare.py", line 69, in _get_prepared_distribution
    abstract_dist.prepare_distribution_metadata(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\distributions\sdist.py", line 61, in prepare_distribution_metadata
    self.req.prepare_metadata()
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\req\req_install.py", line 568, in prepare_metadata
    self.metadata_directory = generate_metadata_legacy(
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\operations\build\metadata_legacy.py", line 62, in generate_metadata
    with open_spinner("Preparing metadata (setup.py)") as spinner:
  File "contextlib.py", line 135, in __enter__
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\pip\_internal\cli\spinners.py", line 122, in open_spinner
    if sys.stdout.isatty() and logger.getEffectiveLevel() <= logging.INFO:
AttributeError: 'Logger' object has no attribute 'isatty'
Traceback (most recent call last):
  File "C:\sdComfyUI\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 "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\__init__.py", line 66, in <module>
    install_and_import('moviepy')
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\__init__.py", line 24, in install_and_import
    globals()[package] = importlib.import_module(packegename)
  File "importlib\__init__.py", line 126, in import_module
  File "<frozen importlib._bootstrap>", line 1050, in _gcd_import
  File "<frozen importlib._bootstrap>", line 1027, in _find_and_load
  File "<frozen importlib._bootstrap>", line 1004, in _find_and_load_unlocked
ModuleNotFoundError: No module named 'moviepy'

Cannot import C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes module for custom nodes: No module named 'moviepy'

Video Output Naming

Instead of outputting video01 video 02 etc.

It would have more utility when you can add file prefix to your save video node.

Also useful to prevent save overlap when you generate another different video in queue, right now by default it overwrites into the same video01 file when queueing with a different video source.

AttributeError: 'PosixPath' object has no attribute 'startswith'

After installing the nodes and restarting comfyui, I got the following error msg:

moviepy is already installed.
cv2 is already installed.
git is already installed.
zipfile is already installed.
Traceback (most recent call last):
  File "/usr/lib/python3.10/pkgutil.py", line 417, in get_importer
    importer = sys.path_importer_cache[path_item]
KeyError: PosixPath('/notebooks/notebooks/ComfyUI')

During handling of the above exception, another exception occurred:

Traceback (most recent call last):
  File "/notebooks/notebooks/ComfyUI/nodes.py", line 1734, 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 "/notebooks/notebooks/ComfyUI/custom_nodes/ComfyUI-N-Nodes/__init__.py", line 73, in <module>
    check_and_install('scikit-build',"skbuild")
  File "/notebooks/notebooks/ComfyUI/custom_nodes/ComfyUI-N-Nodes/__init__.py", line 20, in check_and_install
    importlib.import_module(import_name)
  File "/usr/lib/python3.10/importlib/__init__.py", line 126, in import_module
    return _bootstrap._gcd_import(name[level:], package, level)
  File "<frozen importlib._bootstrap>", line 1050, in _gcd_import
  File "<frozen importlib._bootstrap>", line 1027, in _find_and_load
  File "<frozen importlib._bootstrap>", line 1006, in _find_and_load_unlocked
  File "<frozen importlib._bootstrap>", line 688, in _load_unlocked
  File "<frozen importlib._bootstrap_external>", line 883, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "/usr/local/lib/python3.10/dist-packages/skbuild/__init__.py", line 10, in <module>
    from .setuptools_wrap import setup
  File "/usr/local/lib/python3.10/dist-packages/skbuild/setuptools_wrap.py", line 31, in <module>
    from .command import (
  File "/usr/local/lib/python3.10/dist-packages/skbuild/command/test.py", line 5, in <module>
    from setuptools.command.test import test as _test
  File "/usr/local/lib/python3.10/dist-packages/setuptools/command/test.py", line 11, in <module>
    from pkg_resources import (
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 3328, in <module>
    def _initialize_master_working_set():
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 3302, in _call_aside
    f(*args, **kwargs)
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 3340, in _initialize_master_working_set
    working_set = WorkingSet._build_master()
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 622, in _build_master
    ws = cls()
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 615, in __init__
    self.add_entry(entry)
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 671, in add_entry
    for dist in find_distributions(entry, True):
  File "/usr/local/lib/python3.10/dist-packages/pkg_resources/__init__.py", line 2075, in find_distributions
    importer = get_importer(path_item)
  File "/usr/lib/python3.10/pkgutil.py", line 421, in get_importer
    importer = path_hook(path_item)
  File "<frozen importlib._bootstrap_external>", line 1632, in path_hook_for_FileFinder
  File "<frozen importlib._bootstrap_external>", line 1504, in __init__
  File "<frozen importlib._bootstrap_external>", line 182, in _path_isabs
AttributeError: 'PosixPath' object has no attribute 'startswith'

Cannot import /notebooks/notebooks/ComfyUI/custom_nodes/ComfyUI-N-Nodes module for custom nodes: 'PosixPath' object has no attribute 'startswith'

Any ideas what could be the issue?

Load Video Node METADATA

Hi. I am using your Load Video Node and I want to get all the metadata from it separately. I have tried many things to separate your metadata by nodes but nothing. Do you know a way to do this?

[BUG]

Describe the bug
A clear and concise description of what the bug is.

getting this error when running N-Nodes-- shows up in the comfyui startup command prompt. everything SEEMS to run ok though....

### ComfyUI Revision: 2029 [b3e97fc7] | Released on '2024-02-28'
(nnodes:???) [ERROR] Missing nnodes.json, this extension may not work correctly. Please reinstall the extension.
Extension path: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-N-Nodes
Current version of packaging: 23.2

To Reproduce
Steps to reproduce the behavior:

  1. start comfyui after installing from manager (also did the extra install batch file)
  2. see terminal for error.

Expected behavior
i don't think it's posing an issue. seems running ok.... just odd error. (then again i'm posting this as might be some node wont' work)

Full log
This is MANDATORY. By log I mean all the text in the console from the time ComfyUI was started until the time of the reported bug.

C:\AI\Comfyui>.\python_embeded\python.exe -s ComfyUI\main.py --windows-standalone-build
** ComfyUI startup time: 2024-02-29 02:17:52.777603
** 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:\AI\Comfyui\python_embeded\python.exe
** Log path: C:\AI\Comfyui\comfyui.log

Prestartup times for custom nodes:
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\rgthree-comfy
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Manager

Total VRAM 24576 MB, total RAM 32703 MB
C:\AI\Comfyui\python_embeded\Lib\site-packages\transformers\utils\generic.py:441: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.
  _torch_pytree._register_pytree_node(
xformers version: 0.0.24
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3090 : cudaMallocAsync
VAE dtype: torch.bfloat16
Using xformers cross attention
Adding extra search path checkpoints C:\AI\stable-diffusion-webui\models/Stable-diffusion
Adding extra search path configs C:\AI\stable-diffusion-webui\models/Stable-diffusion
Adding extra search path vae C:\AI\stable-diffusion-webui\models/VAE
Adding extra search path loras C:\AI\stable-diffusion-webui\models/Lora
Adding extra search path loras C:\AI\stable-diffusion-webui\models/LyCORIS
Adding extra search path upscale_models C:\AI\stable-diffusion-webui\models/ESRGAN
Adding extra search path upscale_models C:\AI\stable-diffusion-webui\models/RealESRGAN
Adding extra search path upscale_models C:\AI\stable-diffusion-webui\models/SwinIR
Adding extra search path embeddings C:\AI\stable-diffusion-webui\embeddings
Adding extra search path hypernetworks C:\AI\stable-diffusion-webui\models/hypernetworks
Adding extra search path controlnet C:\AI\stable-diffusion-webui\models/ControlNet
C:\AI\Comfyui\python_embeded\Lib\site-packages\transformers\utils\generic.py:309: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.
  _torch_pytree._register_pytree_node(
C:\AI\Comfyui\python_embeded\Lib\site-packages\transformers\utils\generic.py:309: UserWarning: torch.utils._pytree._register_pytree_node is deprecated. Please use torch.utils._pytree.register_pytree_node instead.
  _torch_pytree._register_pytree_node(
### Loading: ComfyUI-Impact-Pack (V4.80)
### Loading: ComfyUI-Impact-Pack (Subpack: V0.4)
### Loading: ComfyUI-Inspire-Pack (V0.65.5)
### Loading: ComfyUI-Manager (V2.8.3)
[Impact Pack] Wildcards loading done.
### ComfyUI Revision: 2029 [b3e97fc7] | Released on '2024-02-28'
(nnodes:???) [ERROR] Missing nnodes.json, this extension may not work correctly. Please reinstall the extension.
Extension path: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-N-Nodes
Current version of packaging: 23.2
Version of cpuinfo: Version information not found
Current version of git: 3.1.42
Current version of moviepy: 1.0.3
Current version of cv2: 4.9.0
[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/alter-list.json
[ComfyUI-Manager] default cache updated: https://raw.githubusercontent.com/ltdrdata/ComfyUI-Manager/main/extension-node-map.json
Current version of skbuild: 0.17.6
Version of typing: Version information not found
Current version of diskcache: 5.6.3
Current version of llama_cpp: 0.2.26+cu121
Current version of timm: 0.9.16
timm is already up-to-date with version 0.9.16
Failed to auto update `Quality of Life Suit`
QualityOfLifeSuit_Omar92_DIR: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92
[ReActor] - STATUS - Running v0.4.1-b11 in ComfyUI
Torch version: 2.2.1+cu121
[comfyui_controlnet_aux] | INFO -> Using ckpts path: C:\AI\Comfyui\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
Efficiency Nodes: Attempting to add Control Net options to the 'HiRes-Fix Script' Node (comfyui_controlnet_aux add-on)...Success!
Total VRAM 24576 MB, total RAM 32703 MB
xformers version: 0.0.24
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3090 : cudaMallocAsync
VAE dtype: torch.bfloat16

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


Import times for custom nodes:
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\Pseudo_HDR_ally.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\vae_decode_preview.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\sharpness_ally.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\sdxl_utility.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\image_to_contrast_mask_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\mosaic_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\invert_image_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\image_to_mask_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\histogram_equalization.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\saturation_ally.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\brightness_contrast_ally_modified.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\invert_mask_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\monocromatic_clip_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\imageflip_ally.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\gaussian_blur_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\brightness_contrast_ally.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\gaussian_blur_ally.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\crop_node.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\kohya_hiresfix.py
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-post-processing-nodes
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\masquerade-nodes-comfyui
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI_essentials
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-QualityOfLifeSuit_Omar92
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\efficiency-nodes-comfyui
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\rgthree-comfy
   0.0 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\facerestore_cf
   0.1 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Inspire-Pack
   0.1 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
   0.3 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Gemini
   0.3 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Chat-GPT-Integration
   0.3 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI_MileHighStyler
   0.3 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-SUPIR
   0.4 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Manager
   0.4 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\comfyui_controlnet_aux
   0.5 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
   0.5 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\comfyui-reactor-node
   0.6 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-N-Nodes
   0.6 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\clipseg.py
   1.1 seconds: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-CCSR

Starting server

To see the GUI go to: http://127.0.0.1:8188
FETCH DATA from: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Manager\extension-node-map.json
getting models
getting ai models
Config File Location: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Chat-GPT-Integration\config.json
Roles File Location: C:\AI\Comfyui\ComfyUI\custom_nodes\ComfyUI-Chat-GPT-Integration\roles.json
Error: OpenAI API key is invalid OpenAI features wont work for you
QualityOfLifeSuit_Omar92::NSP ready
got prompt
[rgthree] Using rgthree's optimized recursive execution.
[rgthree] First run patching recursive_output_delete_if_changed and recursive_will_execute.
[rgthree] Note: If execution seems broken due to forward ComfyUI changes, you can disable the optimization from rgthree settings in ComfyUI.
model_type EPS
adm 0
Using xformers attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using xformers attention in VAE
clip missing: ['clip_l.logit_scale', 'clip_l.transformer.text_projection.weight']
clip unexpected: ['clip_l.transformer.text_model.embeddings.position_ids']
left over keys: dict_keys(['alphas_cumprod', 'alphas_cumprod_prev', 'betas', 'log_one_minus_alphas_cumprod', 'model_ema.decay', 'model_ema.num_updates', 'posterior_log_variance_clipped', 'posterior_mean_coef1', 'posterior_mean_coef2', 'posterior_variance', 'sqrt_alphas_cumprod', 'sqrt_one_minus_alphas_cumprod', 'sqrt_recip_alphas_cumprod', 'sqrt_recipm1_alphas_cumprod'])
Requested to load SD1ClipModel
Loading 1 new model
Requested to load BaseModel
Loading 1 new model
100%|██████████████████████████████████████████████████████████████████████████████████| 20/20 [00:03<00:00,  5.92it/s]
Requested to load AutoencoderKL
Loading 1 new model
Prompt executed in 15.02 seconds
got prompt
[rgthree] Using rgthree's optimized recursive execution.
100%|██████████████████████████████████████████████████████████████████████████████████| 20/20 [00:02<00:00,  6.95it/s]
Prompt executed in 5.60 seconds

Desktop (please complete the following information):

  • OS: windows 12
  • Browser edge/chrome/safari/firefox
  • Version - see log (latest build as of 2/28/2024)

Additional context
n/a

N-nodes doesnt work

Describe the bug
when i install n-nodes on comfy ui, and i add a work flow the n-nodes don't work. when i relaunch my comfy ui it wont work anymore i have to delete n node in custom node to make comfy ui work again.

To Reproduce
Steps to reproduce the behavior:

  1. Go to '...'
  2. Click on '....'
  3. Scroll down to '....'
  4. See error

Expected behavior
A clear and concise description of what you expected to happen.

Full log
This is MANDATORY. By log I mean all the text in the console from the time ComfyUI was started until the time of the reported bug.

Bug reports that do not have this log will be closed.<<

Screenshots
If applicable, add screenshots to help explain your problem.

Desktop (please complete the following information):

  • OS: [e.g. iOS]
  • Browser [e.g. chrome, safari]
  • Version [e.g. 22]

Additional context
Add any other context about the problem here.

ModuleNotFoundError: No module named 'git' after install

E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable>.\python_embeded\python.exe -s ComfyUI\main.py --windows-standalone-build
Total VRAM 6144 MB, total RAM 32610 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce GTX 1060 6GB : cudaMallocAsync
VAE dtype: torch.float32
Using pytorch cross attention
Traceback (most recent call last):
File "E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1887, 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 "E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes_init
.py", line 4, in
from .nnodes import init, get_ext_dir,check_and_install,downloader,get_commit,color
File "E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\nnodes.py", line 16, in
import git
ModuleNotFoundError: No module named 'git'

Cannot import E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes module for custom nodes: No module named 'git'
[ReActor] - STATUS - Running v0.4.1-b11 in ComfyUI
Torch version: 2.2.1+cu121

Import times for custom nodes:
0.0 seconds (IMPORT FAILED): E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes
0.6 seconds: E:\stable-diffusion-webui\comfyui\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-reactor-node

Starting server

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

Remove video from uploaded list

Feature request to remove video from uploaded list because the list does not get updated when video is deleted or moved.
The need to clean up a long list is also important.

[BUG] Load Image from Folder - Files in the Input Folder are not processed sequentially

Describe the bug
I am trying to use this node to facilitate video faceswaps for longer videos (I have scripts with ffmpeg to extract frames and break them into 500 frame chunks to alleviate crashing ComfyUI)

I pass the folder containing 500 frames to the Input Image from Folder node and then output the images to Reactor, which then outputs to a Save Image (without preview) node. But the swapped frames it outputs are not in the same sequence as they exist in the source folder.

Is there a way to ensure the Load Image from Folder Node loads each image in sequence? It seems to be pulling images in random order.

To Reproduce
Steps to reproduce the behavior:
You can recreate this issue manually by setting your ComfyUI Workspace like this:
image

I will attach the source image I am testing for the face swap as well as the source frames.

Expected behavior
Each image form the Source Folder will be loading in sequence, have the face swapped, and then output the swapped frame.
(ie. source_frame_000001.png -> face_swapped -> swapped_frames/frame_000001.png. The swapped frame should be identical to the source frame with the exception of the face)

Full log
FULL LOG is attached as a plain text file because it is quite long. For this example, there are 75+ frames and there are multiple lines of console output per frame.

output.log

Bug reports that do not have this log will be closed.<<

Screenshots
The Output folder (swapped_frames in this case) contains the same number of frames as the source folder. But if you look at each frame side-by-side, you will see they do not match up. Frame 00005 in the source folder is not the same image as Frame 00005 in the swapped-frames folder. This makes it impossible to build a cohesive video from the swapped_frames folder.

Source Folder, frame_000005.png:
image

Swapped Folder, frame_000005.png:
image

Desktop (please complete the following information):

  • OS: Arch Linux
  • Browser: Firefox
  • Version: Browser version? 125.0.3

Additional context
Source Face Image:
image_proxy

Source Frames for testing:
source-frames.zip

FYI, I have removed the Reactor node and simply just gone from the Load Images from Folder directly into the Save Image node, and the output frames are still mismatched/out of sequence.

AttributeError: 'Logger' object has no attribute 'fileno'

Got this error when trying to inference.

Traceback (most recent call last):
  File "C:\sdComfyUI\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 "C:\sdComfyUI\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 "C:\sdComfyUI\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 "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\gptcpp_node.py", line 50, in load_gpt_checkpoint
    llm = Llama(model_path=ckpt_path,n_gpu_layers=gpu_layers,verbose=False,n_threads=n_threads, n_ctx=4000, )
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\llama_cpp\llama.py", line 319, in __init__
    with suppress_stdout_stderr():
  File "C:\sdComfyUI\ComfyUI_windows_portable_nvidia_cu118_or_cpu\ComfyUI_windows_portable\python_embeded\lib\site-packages\llama_cpp\utils.py", line 11, in __enter__
    self.old_stdout_fileno_undup = sys.stdout.fileno()
AttributeError: 'Logger' object has no attribute 'fileno'

I was able to build llama cpp from source using cuda toolkit 12.1

Memory Optimization - Batch Processing

First of all, kudos for an amazing work.

I was testing processing a bigger video into batches using the same checkpoint to process each batch of images. I noted the higher the batches the higher the number of checpoints that gets loaded in what it seems to be subprocesses, taking memory away for the actual processing.
Since the model loaded is the same, couldn't you rather use the Singleton pattern, have a bool check if the same settings apply accros batches, if yes one model is loaded and stored as cache. With this, each batch subprocess would reference the loaded singleton model where only one instance of the model is available for each batch to reach to in comparison with having one model loaded per batch.

I may be wrong, but I've seen my VRAM decreasing at each line guiding the model was being loaded over and over.

Keep up with the good work.

ModuleNotFoundError: No module named 'llama_cpp'

When running in the console cmd shows this error:

ComfyUI Revision: 1612 [2ec6158e] | Released on '2023-10-22'

moviepy is already installed.
cv2 is already installed.
git is already installed.
zipfile is already installed.
skbuild is already installed.
Loaded 3.x/4.x HD model.
Traceback (most recent call last):
File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes_init_.py", line 90, in
spec.loader.exec_module(module)
File "", line 940, in exec_module
File "", line 241, in _call_with_frames_removed
File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\gptcpp_node.py", line 3, in
from llama_cpp import Llama
ModuleNotFoundError: No module named 'llama_cpp'

[BUG]SaveVideo works intermitently

Describe the bug
SaveVideo only works for some videos. I'm using ReactorFaceSwap. Some videos save, and some do not. I have tried different video resolutions and lengths(number of frames) but can't get some to work, while others do.

There are no errors on the command line.

update, now getting this error:

!!! Exception during processing!!! list index out of range
Traceback (most recent call last):
File "D:\SD\ComfyUI\ComfyUI_windows_portable\ComfyUI\execution.py", line 151, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\SD\ComfyUI\ComfyUI_windows_portable\ComfyUI\execution.py", line 81, in get_output_data
return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True)
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\SD\ComfyUI\ComfyUI_windows_portable\ComfyUI\execution.py", line 74, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
File "D:\SD\ComfyUI\ComfyUI_windows_portable\ComfyUI\execution.py", line 58, in slice_dict
d_new[k] = v[i if len(v) > i else -1]
~^^^^^^^^^^^^^^^^^^^^^^^^^
IndexError: list index out of range

To Reproduce
Steps to reproduce the behavior:
Unsure why it works with some videos and not others, so not sure what to put here, other than running the workflow below.

Expected behavior
The video should be saved, as the others are.

Full log
[rgthree] Using rgthree's optimized recursive execution.
The video has 23 frames per second.
Video Path already deleted
32 frames have been extracted from the video and saved in D:\SD\ComfyUI\ComfyUI_windows_portable\ComfyUI\temp\n-suite\frames_out\JM3_61
MoviePy - Writing audio in D:\SD\ComfyUI\ComfyUI_windows_portable\ComfyUI\temp\n-suite\frames_out\JM3_61\audio.mp3
MoviePy - Done.
images_limit 0
[ReActor] 18:34:23 - STATUS - Working: source face index [0], target face index [0]
[ReActor] 18:34:24 - STATUS - Using Hashed Source Face(s) Model...
[ReActor] 18:34:24 - STATUS - Analyzing Target Image 0...
[ReActor] 18:34:24 - STATUS - Analyzing Target Image 1...
[ReActor] 18:34:25 - STATUS - Analyzing Target Image 2...
[ReActor] 18:34:26 - STATUS - Analyzing Target Image 3...
[ReActor] 18:34:27 - STATUS - Analyzing Target Image 4...
[ReActor] 18:34:28 - STATUS - Analyzing Target Image 5...
[ReActor] 18:34:29 - STATUS - Analyzing Target Image 6...
[ReActor] 18:34:30 - STATUS - Analyzing Target Image 7...
[ReActor] 18:34:31 - STATUS - Analyzing Target Image 8...
[ReActor] 18:34:32 - STATUS - Analyzing Target Image 9...
[ReActor] 18:34:33 - STATUS - Analyzing Target Image 10...
[ReActor] 18:34:34 - STATUS - Analyzing Target Image 11...
[ReActor] 18:34:35 - STATUS - Analyzing Target Image 12...
[ReActor] 18:34:36 - STATUS - Analyzing Target Image 13...
[ReActor] 18:34:37 - STATUS - Analyzing Target Image 14...
[ReActor] 18:34:38 - STATUS - Analyzing Target Image 15...
[ReActor] 18:34:39 - STATUS - Analyzing Target Image 16...
[ReActor] 18:34:40 - STATUS - Analyzing Target Image 17...
[ReActor] 18:34:41 - STATUS - Analyzing Target Image 18...
[ReActor] 18:34:42 - STATUS - Analyzing Target Image 19...
[ReActor] 18:34:43 - STATUS - Analyzing Target Image 20...
[ReActor] 18:34:44 - STATUS - Analyzing Target Image 21...
[ReActor] 18:34:45 - STATUS - Analyzing Target Image 22...
[ReActor] 18:34:46 - STATUS - Analyzing Target Image 23...
[ReActor] 18:34:47 - STATUS - Analyzing Target Image 24...
[ReActor] 18:34:48 - STATUS - Analyzing Target Image 25...
[ReActor] 18:34:49 - STATUS - Analyzing Target Image 26...
[ReActor] 18:34:50 - STATUS - Analyzing Target Image 27...
[ReActor] 18:34:51 - STATUS - Analyzing Target Image 28...
[ReActor] 18:34:52 - STATUS - Analyzing Target Image 29...
[ReActor] 18:34:53 - STATUS - Analyzing Target Image 30...
[ReActor] 18:34:54 - STATUS - Analyzing Target Image 31...
[ReActor] 18:34:55 - STATUS - Swapping 0...
[ReActor] 18:34:55 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:34:56 - STATUS - No target face found for 0
[ReActor] 18:34:56 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:34:57 - STATUS - No target face found for 0
[ReActor] 18:34:57 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:34:58 - STATUS - No target face found for 0
[ReActor] 18:34:58 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:34:58 - STATUS - No target face found for 0
[ReActor] 18:34:58 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:34:59 - STATUS - No target face found for 0
[ReActor] 18:34:59 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:35:00 - STATUS - No target face found for 0
[ReActor] 18:35:00 - STATUS - Swapping 7...
[ReActor] 18:35:00 - STATUS - Swapping 8...
[ReActor] 18:35:00 - STATUS - Swapping 9...
[ReActor] 18:35:00 - STATUS - Swapping 10...
[ReActor] 18:35:01 - STATUS - Swapping 11...
[ReActor] 18:35:01 - STATUS - Swapping 12...
[ReActor] 18:35:01 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:35:02 - STATUS - No target face found for 0
[ReActor] 18:35:02 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:35:02 - STATUS - No target face found for 0
[ReActor] 18:35:02 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:35:03 - STATUS - No target face found for 0
[ReActor] 18:35:03 - STATUS - Trying to halve 'det_size' parameter
[ReActor] 18:35:04 - STATUS - No target face found for 0
[ReActor] 18:35:04 - STATUS - Swapping 17...
[ReActor] 18:35:04 - STATUS - Swapping 18...
[ReActor] 18:35:04 - STATUS - Swapping 19...
[ReActor] 18:35:04 - STATUS - Swapping 20...
[ReActor] 18:35:04 - STATUS - Swapping 21...
[ReActor] 18:35:05 - STATUS - Swapping 22...
[ReActor] 18:35:05 - STATUS - Swapping 23...
[ReActor] 18:35:05 - STATUS - Swapping 24...
[ReActor] 18:35:05 - STATUS - Swapping 25...
[ReActor] 18:35:05 - STATUS - Swapping 26...
[ReActor] 18:35:05 - STATUS - Swapping 27...
[ReActor] 18:35:05 - STATUS - Swapping 28...
[ReActor] 18:35:05 - STATUS - Swapping 29...
[ReActor] 18:35:05 - STATUS - Swapping 30...
[ReActor] 18:35:05 - STATUS - Swapping 31...
[ReActor] 18:35:05 - STATUS - --Done!--

Prompt executed in 46.13 seconds

Screenshots
ComfyUIScreenshot

Desktop (please complete the following information):

  • OS: Win 11
  • Browser [Chrome]
  • Version [ComfyUI Revision: 2143 [27d5808f] | Released on '2024-04-23']

Additional context
Add any other context about the problem here.

'Logger' object has no attribute 'fileno'

When I run this the GPT Loader is failing with the message:
'Logger' object has no attribute 'fileno'
I believe I have all the dependencies.
Any idea what could cause this?

Batch Size higher than 1 doesn't regenerate a different prompt

Hi,

I noticed that with batch size higher than one the llm inferenced prompt doesn't change, would be good to have it regenerate when using batch size higher than 1 and a ksample that has it's seed set to randomized.

batchSizeMoreThan1Req

For example these 2 different sets of 10 images that I have selected used a different k sampler seed, but the prompt wasn't changed.

batchSizeMoreThan1Req2

Maybe there should be a checkbox in the gpt loader to have it trigger again when batch size is higher than 1. when it's off, it wouldn't recalculate the prompt though.

GPTLoaderSimple and GPTSampler | Node conflict

Conflict with other nodes.
GPTLoaderSimple and GPTSampler is conflicting with other nodes for me.
im not able to generate images with Ksampler if GPT Nodes are in the same workflow.

Error occurred when executing Efficient Loader:
Cannot copy out of meta tensor; no data!

Error occurred when executing CLIPTextEncode:
Cannot copy out of meta tensor; no data!

Getting error when trying to load LLM

I've tried loading two different LLMs within the GPT Loader Simple node and both give me the same error and I'm not sure what the issue is.

The two LLMs attempted are...
dolphin-2.5-mixtral-8x7b.Q5_K_M.gguf
phi-2-layla-v1-chatml-Q8_0.gguf

Error occurred when executing GPT Loader Simple [n-suite]:

File "...\GitHub\ComfyUI\execution.py", line 151, in recursive_execute
output_data, output_ui = get_output_data(obj, input_data_all)
File "...\GitHub\ComfyUI\execution.py", line 81, in get_output_data
return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True)
File "...\GitHub\ComfyUI\custom_nodes\ComfyUI-0246\utils.py", line 381, in new_func
res_value = old_func(*final_args, **kwargs)
File "...\GitHub\ComfyUI\execution.py", line 74, in map_node_over_list
results.append(getattr(obj, func)(**slice_dict(input_data_all, i)))
File "...\GitHub\ComfyUI\custom_nodes\ComfyUI-N-Nodes\py\gptcpp_node.py", line 388, in load_gpt_checkpoint
llm = Llama(model_path=ckpt_path, n_gpu_layers=gpu_layers, verbose=False, n_threads=n_threads, n_ctx=max_ctx)
File "...\AppData\Local\Programs\Python\Python310\lib\site-packages\llama_cpp\llama.py", line 923, in __init__
self._n_vocab = self.n_vocab()
File "...\AppData\Local\Programs\Python\Python310\lib\site-packages\llama_cpp\llama.py", line 2184, in n_vocab
return self._model.n_vocab()
File "...\AppData\Local\Programs\Python\Python310\lib\site-packages\llama_cpp\llama.py", line 250, in n_vocab
assert self.model is not None

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.