comfyanonymous / ComfyUI

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

CogVideoSampler torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+ #5036

Open senpaiiss opened 5 days ago

senpaiiss commented 5 days ago

Your question

so i gotten this annyoing error. torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+

anyone knows what this means? Is my computer too weak to use cog? I am using the new COG 12V

Logs

# ComfyUI Error Report
## Error Details
- **Node Type:** CogVideoSampler
- **Exception Type:** RuntimeError
- **Exception Message:** torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+
## Stack Trace

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                                           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\nodes.py", line 843, in process
    latents = pipeline["pipe"](
              ^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\pipeline_cogvideox.py", line 615, in __call__
    noise_pred = self.transformer(
                 ^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 456, in forward
    hidden_states, encoder_hidden_states = block(
                                           ^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 131, in forward
    attn_hidden_states, attn_encoder_hidden_states = self.attn1(
                                                     ^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 490, in forward
    return self.processor(
           ^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 1901, in __call__
    query = attn.to_q(hidden_states)
            ^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\fp8_optimization.py", line 44, in <lambda>
    setattr(module, "forward", lambda input, m=module: fp8_linear_forward(m, original_dtype, input))
                                                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\fp8_optimization.py", line 23, in fp8_linear_forward
    o = torch._scaled_mm(inn, w, out_dtype=out_dtype, bias=bias, scale_a=scale_input, scale_b=scale_weight)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^

System Information

Logs

2024-09-23 09:09:35,032 - root - INFO - Total VRAM 8191 MB, total RAM 32679 MB
2024-09-23 09:09:35,032 - root - INFO - pytorch version: 2.3.1+cu121
2024-09-23 09:09:35,033 - root - INFO - Set vram state to: NORMAL_VRAM
2024-09-23 09:09:35,033 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 3060 Ti : cudaMallocAsync
2024-09-23 09:09:36,572 - root - INFO - Using pytorch cross attention
2024-09-23 09:09:38,326 - root - INFO - [Prompt Server] web root: C:\AI\ComfyUI_windows_portable\ComfyUI\web
2024-09-23 09:09:40,879 - py.warnings - WARNING - C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\pydub\utils.py:170: RuntimeWarning: Couldn't find ffmpeg or avconv - defaulting to ffmpeg, but may not work
  warn("Couldn't find ffmpeg or avconv - defaulting to ffmpeg, but may not work", RuntimeWarning)

2024-09-23 09:09:44,884 - dinov2 - WARNING - xFormers not available
2024-09-23 09:09:44,886 - dinov2 - WARNING - xFormers not available
2024-09-23 09:09:46,602 - root - INFO - Total VRAM 8191 MB, total RAM 32679 MB
2024-09-23 09:09:46,602 - root - INFO - pytorch version: 2.3.1+cu121
2024-09-23 09:09:46,604 - root - INFO - Set vram state to: NORMAL_VRAM
2024-09-23 09:09:46,604 - root - INFO - Device: cuda:0 NVIDIA GeForce RTX 3060 Ti : cudaMallocAsync
2024-09-23 09:09:57,194 - OpenGL.acceleratesupport - INFO - No OpenGL_accelerate module loaded: No module named 'OpenGL_accelerate'
2024-09-23 09:09:59,282 - py.warnings - WARNING - C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\albumentations\__init__.py:13: UserWarning: A new version of Albumentations is available: 1.4.16 (you have 1.4.14). Upgrade using: pip install -U albumentations. To disable automatic update checks, set the environment variable NO_ALBUMENTATIONS_UPDATE to 1.
  check_for_updates()

2024-09-23 09:10:00,228 - root - WARNING - Traceback (most recent call last):
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\nodes.py", line 1998, in load_custom_node
    module_spec.loader.exec_module(module)
  File "<frozen importlib._bootstrap_external>", line 940, in exec_module
  File "<frozen importlib._bootstrap>", line 241, in _call_with_frames_removed
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\__init__.py", line 1, in <module>
    from .nodes import NODE_CLASS_MAPPINGS
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\nodes.py", line 1, in <module>
    from .v1 import MuseVPredictorV1, MuseVImg2VidV1
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\v1.py", line 22, in <module>
    from .MMCM.mmcm.utils.seed_util import set_all_seed
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\MMCM\mmcm\__init__.py", line 5, in <module>
    from .vision import *
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\MMCM\mmcm\vision\__init__.py", line 8, in <module>
    from .transition.TransNetV2.transnetv2_predictor import TransNetV2Predictor
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\MMCM\mmcm\vision\transition\TransNetV2\transnetv2_predictor.py", line 15, in <module>
    from .TransNetmodels import TransNetV2
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved\MMCM\mmcm\vision\transition\TransNetV2\TransNetmodels.py", line 6, in <module>
    import ffmpeg
ModuleNotFoundError: No module named 'ffmpeg'

2024-09-23 09:10:00,228 - root - WARNING - Cannot import C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved module for custom nodes: No module named 'ffmpeg'
2024-09-23 09:10:01,332 - SaltAI_AudioViz - INFO - Using ffmpeg at C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\imageio_ffmpeg\binaries\ffmpeg-win64-v4.2.2.exe
2024-09-23 09:10:01,387 - SaltAI_AudioViz - INFO - 
[Animation-Keyframing] Found `ComfyUI_ADV_CLIP_emb`. Using BLK Advanced CLIPTextEncode for Conditioning Sequencing

2024-09-23 09:10:01,387 - SaltAI_AudioViz - INFO - 
2024-09-23 09:10:01,388 - SaltAI_AudioViz - INFO - Import times for Salt.AI AudioViz Node Modules:
2024-09-23 09:10:01,388 - SaltAI_AudioViz - INFO -    0.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\SaltAI_AudioViz\nodes\audio.py
2024-09-23 09:10:01,388 - SaltAI_AudioViz - INFO -    0.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\SaltAI_AudioViz\nodes\image.py
2024-09-23 09:10:01,388 - SaltAI_AudioViz - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\SaltAI_AudioViz\nodes\scheduling.py
2024-09-23 09:10:01,388 - SaltAI_AudioViz - INFO - 
Loaded 65 Nodes:
SaltLoadAudio [Load Audio], SaltSaveAudio [Save Audio], SaltAudioFramesyncSchedule [Schedule Audio Framesync], SaltAudio2VHS [Audio to VHS Audio], SaltChangeAudioVolume [Audio Volume], SaltAudioFade [Audio Fade], SaltAudioFrequencyBoost [Audio Frequency Boost], SaltAudioFrequencyCutoff [Audio Frequency Cutoff], SaltAudioVisualizer [Audio Visualizer], SaltAudioStereoSplitter [Audio Stereo Splitter], SaltAudioMixer [Audio Mixer], SaltAudioStitcher [Audio Stitcher], SaltAudioSimpleReverb [Audio Simple Reverb], SaltAudioSimpleEcho [Audio Simple Echo], SaltAudioNormalize [Audio Normalize], SaltAudioBandpassFilter [Audio Bandpass Filter], SaltAudioCompressor [Audio Compressor], SaltAdvancedAudioCompressor [Audio Compressor Advanced], SaltAudioDeesser [Audio De-esser], SaltAudioNoiseReductionSpectralSubtraction [Audio Noise Reduction (Spectral Subtraction)], SaltAudioPitchShift [Audio Pitch Shift], SaltAudioPitchShiftScheduled [Audio Scheduled Pitch Shift], SaltAudioTrim [Audio Trim], SaltAudioRepeat [Audio Repeat], SaltAudioPlaybackRate [Audio Playback Rate], SaltAudioInversion [Audio Reverse], SaltAudioBassBoost [Audio Bass Boost], SaltAudioTrebleBoost [Audio Treble Boost], SaltAudioStereoMerge [Audio Stereo Merge], SaltAudioLDM2LoadModel [AudioLDM2 Model Loader], SaltAudioLDM2Sampler [AudioLDM2 Sampler], SaltScheduledImageAdjust [Batch Image Scheduled Adjustments], SaltScheduledShapeTransformation [Scheduled Shape Transform], SaltScheduledVoronoiNoise [Scheduled Voronoi Noise Generator], SaltScheduledPerlinPowerFractalNoise [Scheduled Perline Power Fractal Generator], SaltScheduledImageDisplacement [Scheduled Image Displacement], SaltScheduledBinaryComparison [Scheduled Binary Comparison], SaltImageComposite [Scheduled Image Composite], SaltFilmicTransitions [Image Batch Filmic Transitions], SaltOPAC [Perlin Tremor Scheduler], SaltOPACPerlinSettings [Perlin Tremor Settings], SaltScheduleConverter [Convert Schedule List], SaltScheduleVariance [Apply Easing to Schedule], SaltSchedule2ExecSchedule [Convert Schedule to Iterative Execution List], SaltLayerScheduler [Parallax Motion Camera Scheduler], SaltLayerExtractor [Parallax Motion Camera Scheduler Extractor], SaltParallaxMotion [Parallax Motion Parameter Schedule Generator], SaltFloatScheduler [Float Schedule], SaltKSamplerSequence [KSampler Scheduled Sequence], SaltCLIPTextEncodeSequence [CLIPTextEncode Scheduled Sequence], SaltConditioningSetMaskAndCombine [Conditioning Schedule Mask and Combine], SaltThresholdSchedule [Schedule Value Threshold], SaltListOperation [Schedule Numeric Operation], SaltListClamp [Schedule Numeric Clamp], SaltListLinearInterpolation [Schedule Linear Interpolation], SaltScheduleListExponentialFade [Schedule Exponential Fade], SaltScheduleRandomValues [Schedule Random Values], SaltScheduleSmoothing [Schedule Smoothing], SaltCyclicalSchedule [Schedule Cyclical Loop], SaltScheduleSplit [Schedule Split], SaltScheduleMerge [Schedule Merge], SaltKeyframeVisualizer [Schedule Visualizer], SaltKeyframeMetrics [Schedule Metrics], SaltKeyframeScheduler [Keyframe Scheduler], SaltKeyframeSchedulerBFN [Keyframe Scheduler (BIG)]
2024-09-23 09:10:01,388 - SaltAI_AudioViz - INFO - 
2024-09-23 09:10:03,492 - root - INFO - 
Import times for custom nodes:
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\websocket_image_save.py
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_pose_inter
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Image-Selector
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\efficiency-nodes-comfyui
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\tiled_ksampler
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-openpose-editor
2024-09-23 09:10:03,492 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-sampler-lcm-alternative
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-VideoHelperSuite
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-YOLO
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-use-everywhere
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_ADV_CLIP_emb
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_controlnet_aux
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-fitsize
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\stability-ComfyUI-nodes
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_IPAdapter_plus-v1
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyLiterals
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-WD14-Tagger
2024-09-23 09:10:03,493 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-eesahesNodes
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_JPS-Nodes
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-TiledDiffusion
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Impact-Pack
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Image-Filters
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ControlAltAI-Nodes
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\mikey_nodes
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_ColorMod
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_FizzNodes
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfy-image-saver
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyMath
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-various
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_essentials
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Custom-Scripts
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_UltimateSDUpscale
2024-09-23 09:10:03,494 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Florence2
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DepthAnythingV2
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\Derfuu_ComfyUI_ModdedNodes
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\x-flux-comfyui
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Frame-Interpolation
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-dream-video-batches
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Advanced-ControlNet
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-GGUF
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-segment-anything-2
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-LivePortraitKJ
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-ControlNeXt-SVD
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\rgthree-comfy
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-JDCN
2024-09-23 09:10:03,495 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-AKatz-Nodes
2024-09-23 09:10:03,496 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-KJNodes
2024-09-23 09:10:03,496 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_Comfyroll_CustomNodes
2024-09-23 09:10:03,496 - root - INFO -    0.0 seconds (IMPORT FAILED): C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui_musev_evolved
2024-09-23 09:10:03,496 - root - INFO -    0.0 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-AnimateDiff-Evolved
2024-09-23 09:10:03,496 - root - INFO -    0.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-dream-project
2024-09-23 09:10:03,496 - root - INFO -    0.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Crystools
2024-09-23 09:10:03,496 - root - INFO -    0.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\facerestore_cf
2024-09-23 09:10:03,496 - root - INFO -    0.2 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\SaltAI_AudioViz
2024-09-23 09:10:03,496 - root - INFO -    0.2 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-tensorops
2024-09-23 09:10:03,496 - root - INFO -    0.4 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI_LayerStyle
2024-09-23 09:10:03,496 - root - INFO -    0.4 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Documents
2024-09-23 09:10:03,496 - root - INFO -    0.5 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Manager
2024-09-23 09:10:03,496 - root - INFO -    0.5 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\SeargeSDXL
2024-09-23 09:10:03,496 - root - INFO -    0.5 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-AnimateAnyone-Evolved
2024-09-23 09:10:03,497 - root - INFO -    0.5 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-fastblend
2024-09-23 09:10:03,497 - root - INFO -    0.6 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-AudioScheduler
2024-09-23 09:10:03,497 - root - INFO -    0.6 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-N-Nodes
2024-09-23 09:10:03,497 - root - INFO -    0.6 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Easy-Use
2024-09-23 09:10:03,497 - root - INFO -    0.6 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-reactor-node
2024-09-23 09:10:03,497 - root - INFO -    0.8 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper
2024-09-23 09:10:03,497 - root - INFO -    0.8 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfy_mtb
2024-09-23 09:10:03,497 - root - INFO -    0.9 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\comfyui-art-venture
2024-09-23 09:10:03,497 - root - INFO -    1.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-Allor
2024-09-23 09:10:03,497 - root - INFO -    1.6 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\audio-separation-nodes-comfyui
2024-09-23 09:10:03,497 - root - INFO -    1.6 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\was-node-suite-comfyui
2024-09-23 09:10:03,497 - root - INFO -   11.1 seconds: C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-MotionDiff
2024-09-23 09:10:03,497 - root - INFO - 
2024-09-23 09:10:03,512 - root - INFO - Starting server

2024-09-23 09:10:03,512 - root - INFO - To see the GUI go to: http://127.0.0.1:8188
2024-09-23 09:20:22,669 - root - INFO - got prompt
2024-09-23 09:21:07,080 - ComfyUI-CogVideoXWrapper.nodes - INFO - Encoded latents shape: torch.Size([1, 1, 16, 60, 90])
2024-09-23 09:21:15,486 - root - INFO - Requested to load SD3ClipModel_
2024-09-23 09:21:15,486 - root - INFO - Loading 1 new model
2024-09-23 09:21:15,491 - root - INFO - loaded partially 1096.6284645080566 1085.693359375 0
2024-09-23 09:21:17,255 - root - INFO - loaded partially 2142.321823883057 2141.693359375 0
2024-09-23 09:21:21,337 - root - ERROR - !!! Exception during processing !!! Allocation on device 
2024-09-23 09:21:26,071 - root - ERROR - Traceback (most recent call last):
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                                           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\nodes.py", line 843, in process
    latents = pipeline["pipe"](
              ^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\pipeline_cogvideox.py", line 615, in __call__
    noise_pred = self.transformer(
                 ^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 456, in forward
    hidden_states, encoder_hidden_states = block(
                                           ^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 131, in forward
    attn_hidden_states, attn_encoder_hidden_states = self.attn1(
                                                     ^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 490, in forward
    return self.processor(
           ^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 1902, in __call__
    key = attn.to_k(hidden_states)
          ^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\linear.py", line 116, in forward
    return F.linear(input, self.weight, self.bias)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
torch.cuda.OutOfMemoryError: Allocation on device 

2024-09-23 09:21:26,073 - root - ERROR - Got an OOM, unloading all loaded models.
2024-09-23 09:21:26,079 - root - INFO - Prompt executed in 63.38 seconds
2024-09-23 09:22:21,423 - root - INFO - got prompt
2024-09-23 09:23:31,875 - ComfyUI-CogVideoXWrapper.nodes - INFO - Encoded latents shape: torch.Size([1, 1, 16, 60, 90])
2024-09-23 09:23:35,271 - root - ERROR - !!! Exception during processing !!! torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+
2024-09-23 09:23:35,338 - root - ERROR - Traceback (most recent call last):
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                                           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\nodes.py", line 843, in process
    latents = pipeline["pipe"](
              ^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\pipeline_cogvideox.py", line 615, in __call__
    noise_pred = self.transformer(
                 ^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 456, in forward
    hidden_states, encoder_hidden_states = block(
                                           ^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 131, in forward
    attn_hidden_states, attn_encoder_hidden_states = self.attn1(
                                                     ^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 490, in forward
    return self.processor(
           ^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 1901, in __call__
    query = attn.to_q(hidden_states)
            ^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\fp8_optimization.py", line 44, in <lambda>
    setattr(module, "forward", lambda input, m=module: fp8_linear_forward(m, original_dtype, input))
                                                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\fp8_optimization.py", line 23, in fp8_linear_forward
    o = torch._scaled_mm(inn, w, out_dtype=out_dtype, bias=bias, scale_a=scale_input, scale_b=scale_weight)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
RuntimeError: torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+

2024-09-23 09:23:35,340 - root - INFO - Prompt executed in 73.88 seconds
2024-09-23 09:26:37,349 - root - INFO - got prompt
2024-09-23 09:26:37,646 - root - ERROR - !!! Exception during processing !!! torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+
2024-09-23 09:26:37,648 - root - ERROR - Traceback (most recent call last):
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 323, in execute
    output_data, output_ui, has_subgraph = get_output_data(obj, input_data_all, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                                           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 198, in get_output_data
    return_values = _map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True, execution_block_cb=execution_block_cb, pre_execute_cb=pre_execute_cb)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 169, in _map_node_over_list
    process_inputs(input_dict, i)
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\execution.py", line 158, in process_inputs
    results.append(getattr(obj, func)(**inputs))
                   ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\nodes.py", line 843, in process
    latents = pipeline["pipe"](
              ^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\pipeline_cogvideox.py", line 615, in __call__
    noise_pred = self.transformer(
                 ^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 456, in forward
    hidden_states, encoder_hidden_states = block(
                                           ^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\transformers\cogvideox_transformer_3d.py", line 131, in forward
    attn_hidden_states, attn_encoder_hidden_states = self.attn1(
                                                     ^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 490, in forward
    return self.processor(
           ^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\diffusers\models\attention_processor.py", line 1901, in __call__
    query = attn.to_q(hidden_states)
            ^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
           ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\fp8_optimization.py", line 44, in <lambda>
    setattr(module, "forward", lambda input, m=module: fp8_linear_forward(m, original_dtype, input))
                                                       ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
  File "C:\AI\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-CogVideoXWrapper\fp8_optimization.py", line 23, in fp8_linear_forward
    o = torch._scaled_mm(inn, w, out_dtype=out_dtype, bias=bias, scale_a=scale_input, scale_b=scale_weight)
        ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
RuntimeError: torch._scaled_mm is only supported on CUDA devices with compute capability >= 9.0 or 8.9, or ROCm MI300+

2024-09-23 09:26:37,650 - root - INFO - Prompt executed in 0.23 seconds

Attached Workflow

Please make sure that workflow does not contain any sensitive information such as API keys or passwords.

{"last_node_id":72,"last_link_id":132,"nodes":[{"id":37,"type":"ImageResizeKJ","pos":{"0":489,"1":154},"size":{"0":320,"1":270},"flags":{"pinned":true},"order":11,"mode":0,"inputs":[{"name":"image","type":"IMAGE","link":71},{"name":"get_image_size","type":"IMAGE","link":null},{"name":"width_input","type":"INT","link":null,"widget":{"name":"width_input"}},{"name":"height_input","type":"INT","link":null,"widget":{"name":"height_input"}}],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[125],"slot_index":0,"shape":3},{"name":"width","type":"INT","links":null,"shape":3},{"name":"height","type":"INT","links":null,"shape":3}],"properties":{"Node name for S&R":"ImageResizeKJ"},"widgets_values":[720,480,"lanczos",false,16,0,0,"disabled"]},{"id":56,"type":"CogVideoDecode","pos":{"0":1408,"1":474},"size":{"0":300.396484375,"1":198},"flags":{"pinned":true},"order":14,"mode":0,"inputs":[{"name":"pipeline","type":"COGVIDEOPIPE","link":128},{"name":"samples","type":"LATENT","link":127}],"outputs":[{"name":"images","type":"IMAGE","links":[118],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CogVideoDecode"},"widgets_values":[false,96,96,0.083,0.083,true]},{"id":63,"type":"Note","pos":{"0":68,"1":41},"size":{"0":401.79364013671875,"1":66.40528106689453},"flags":{"pinned":true},"order":0,"mode":0,"inputs":[],"outputs":[],"properties":{},"widgets_values":["Downloaded from https://www.patreon.com/sebastiankamph\nBased on Kijai's amazing work"],"color":"#2a363b","bgcolor":"#3f5159"},{"id":57,"type":"CogVideoSampler","pos":{"0":981,"1":475},"size":{"0":405.5999755859375,"1":378},"flags":{"pinned":true},"order":13,"mode":0,"inputs":[{"name":"pipeline","type":"COGVIDEOPIPE","link":121},{"name":"positive","type":"CONDITIONING","link":122},{"name":"negative","type":"CONDITIONING","link":123},{"name":"samples","type":"LATENT","link":null},{"name":"image_cond_latents","type":"LATENT","link":129}],"outputs":[{"name":"cogvideo_pipe","type":"COGVIDEOPIPE","links":[128],"slot_index":0,"shape":3},{"name":"samples","type":"LATENT","links":[127],"shape":3}],"properties":{"Node name for S&R":"CogVideoSampler"},"widgets_values":[480,720,49,50,6,65334758276105,"fixed","DPM",16,8,1],"color":"#223","bgcolor":"#335"},{"id":58,"type":"CogVideoImageEncode","pos":{"0":982,"1":905},"size":{"0":315,"1":122},"flags":{"pinned":true},"order":12,"mode":0,"inputs":[{"name":"pipeline","type":"COGVIDEOPIPE","link":124},{"name":"image","type":"IMAGE","link":125},{"name":"mask","type":"MASK","link":null}],"outputs":[{"name":"samples","type":"LATENT","links":[129],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CogVideoImageEncode"},"widgets_values":[16,true]},{"id":1,"type":"DownloadAndLoadCogVideoModel","pos":{"0":73,"1":719},"size":{"0":390.02581787109375,"1":174},"flags":{"pinned":true},"order":1,"mode":0,"inputs":[{"name":"pab_config","type":"PAB_CONFIG","link":null},{"name":"block_edit","type":"TRANSFORMERBLOCKS","link":null}],"outputs":[{"name":"cogvideo_pipe","type":"COGVIDEOPIPE","links":[121,124],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"DownloadAndLoadCogVideoModel"},"widgets_values":["THUDM/CogVideoX-5b-I2V","bf16","fastmode","disabled",false],"color":"#432","bgcolor":"#653"},{"id":20,"type":"CLIPLoader","pos":{"0":72,"1":594},"size":{"0":388.0544738769531,"1":82},"flags":{"pinned":true},"order":2,"mode":0,"inputs":[],"outputs":[{"name":"CLIP","type":"CLIP","links":[54,56],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CLIPLoader"},"widgets_values":["t5\\google_t5-v1_1-xxl_encoderonly-fp8_e4m3fn.safetensors","sd3"],"color":"#432","bgcolor":"#653"},{"id":36,"type":"LoadImage","pos":{"0":68,"1":151},"size":{"0":400,"1":400},"flags":{"pinned":true},"order":3,"mode":0,"inputs":[],"outputs":[{"name":"IMAGE","type":"IMAGE","links":[71],"slot_index":0,"shape":3},{"name":"MASK","type":"MASK","links":null,"shape":3}],"properties":{"Node name for S&R":"LoadImage"},"widgets_values":["9450093.jpeg","image"],"color":"#432","bgcolor":"#653"},{"id":44,"type":"VHS_VideoCombine","pos":{"0":1726,"1":474},"size":[610,310],"flags":{"pinned":true},"order":15,"mode":0,"inputs":[{"name":"images","type":"IMAGE","link":118},{"name":"audio","type":"AUDIO","link":null},{"name":"meta_batch","type":"VHS_BatchManager","link":null},{"name":"vae","type":"VAE","link":null}],"outputs":[{"name":"Filenames","type":"VHS_FILENAMES","links":null,"shape":3}],"properties":{"Node name for S&R":"VHS_VideoCombine"},"widgets_values":{"frame_rate":24,"loop_count":0,"filename_prefix":"CogVideoX-I2V","format":"video/h264-mp4","pix_fmt":"yuv420p","crf":19,"save_metadata":true,"pingpong":false,"save_output":true,"videopreview":{"hidden":false,"paused":false,"params":{"filename":"CogVideoX-I2V_00009.mp4","subfolder":"","type":"output","format":"video/h264-mp4","frame_rate":24},"muted":false}},"color":"#223","bgcolor":"#335"},{"id":60,"type":"Note","pos":{"0":-156,"1":151},"size":{"0":210,"1":58},"flags":{"pinned":true},"order":4,"mode":0,"inputs":[],"outputs":[],"properties":{},"widgets_values":["Load 720x480 images\nOr aspect ratio 3:2"],"color":"#2a363b","bgcolor":"#3f5159"},{"id":61,"type":"Note","pos":{"0":-156,"1":601},"size":{"0":210,"1":58},"flags":{"pinned":true},"order":5,"mode":0,"inputs":[],"outputs":[],"properties":{},"widgets_values":["Load t5xxl_fp8_e4m3fn text encoder (available in Model Manager)"],"color":"#2a363b","bgcolor":"#3f5159"},{"id":71,"type":"Note","pos":{"0":2350,"1":479},"size":{"0":276.1275634765625,"1":106.689697265625},"flags":{"pinned":true},"order":6,"mode":0,"inputs":[],"outputs":[],"properties":{},"widgets_values":["Good frame rates:\n8\n12\n24"],"color":"#2a363b","bgcolor":"#3f5159"},{"id":72,"type":"Label (rgthree)","pos":{"0":492,"1":-19},"size":{"0":384.6484375,"1":120},"flags":{"allow_interaction":true},"order":7,"mode":0,"inputs":[],"outputs":[],"title":"Step 1 - Load image\nStep 2 - Write Prompt\nStep 3 - Press Queue\n","properties":{"fontSize":40,"fontFamily":"Arial","fontColor":"#ffffff","textAlign":"left","backgroundColor":"transparent","padding":0,"borderRadius":0},"color":"#fff0","bgcolor":"#fff0"},{"id":31,"type":"CogVideoTextEncode","pos":{"0":494,"1":684},"size":{"0":463.01251220703125,"1":124},"flags":{"pinned":true},"order":10,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":56}],"outputs":[{"name":"conditioning","type":"CONDITIONING","links":[123],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CogVideoTextEncode"},"widgets_values":["The video is not of a high quality, it has a low resolution. Watermark present in each frame. Strange motion trajectory. ",1,true],"color":"#322","bgcolor":"#533"},{"id":64,"type":"Note","pos":{"0":-155,"1":722},"size":{"0":210,"1":142.0885772705078},"flags":{"pinned":true},"order":8,"mode":0,"inputs":[],"outputs":[],"properties":{},"widgets_values":["Select the latest CogVideoX I2V model. Use 5b for high end systems and 2b for low vram (2B I2V currently NOT available)\n\nDownloads AUTOMATICALLY when run."],"color":"#2a363b","bgcolor":"#3f5159"},{"id":30,"type":"CogVideoTextEncode","pos":{"0":490,"1":469},"size":{"0":471.90142822265625,"1":168.08047485351562},"flags":{"pinned":true},"order":9,"mode":0,"inputs":[{"name":"clip","type":"CLIP","link":54}],"outputs":[{"name":"conditioning","type":"CONDITIONING","links":[122],"slot_index":0,"shape":3}],"properties":{"Node name for S&R":"CogVideoTextEncode"},"widgets_values":["white knight, walking towards you,",1,true],"color":"#232","bgcolor":"#353"}],"links":[[54,20,0,30,0,"CLIP"],[56,20,0,31,0,"CLIP"],[71,36,0,37,0,"IMAGE"],[118,56,0,44,0,"IMAGE"],[121,1,0,57,0,"COGVIDEOPIPE"],[122,30,0,57,1,"CONDITIONING"],[123,31,0,57,2,"CONDITIONING"],[124,1,0,58,0,"COGVIDEOPIPE"],[125,37,0,58,1,"IMAGE"],[127,57,1,56,1,"LATENT"],[128,57,0,56,0,"COGVIDEOPIPE"],[129,58,0,57,4,"LATENT"]],"groups":[],"config":{},"extra":{"ds":{"scale":0.6830134553650707,"offset":[-79.06278494522806,86.06581481014376]}},"version":0.4}

Additional Context

(Please add any additional context or steps to reproduce the error here)



### Other

_No response_
Rokkonrol commented 4 days ago

Disable fastmode for the fp8_transformer setting on the CogVideo Model node. Change it to either "disabled" or "enabled" and it should work.