Advertisement
Not a member of Pastebin yet?
Sign Up,
it unlocks many cool features!
- [2025-05-14 17:30:49.945] Restoring initial comfy attention
- [2025-05-14 17:30:49.949] !!! Exception during processing !!! mat1 and mat2 shapes cannot be multiplied (77x768 and 4096x5120)
- [2025-05-14 17:30:49.954] Traceback (most recent call last):
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\execution.py", line 349, 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:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\execution.py", line 224, 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:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\execution.py", line 196, in _map_node_over_list
- process_inputs(input_dict, i)
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\execution.py", line 185, in process_inputs
- results.append(getattr(obj, func)(**inputs))
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy_extras\nodes_custom_sampler.py", line 707, in sample
- samples = guider.sample(noise.generate_noise(latent), latent_image, sampler, sigmas, denoise_mask=noise_mask, callback=callback, disable_pbar=disable_pbar, seed=noise.seed)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 1008, in sample
- output = executor.execute(noise, latent_image, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 111, in execute
- return self.original(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 976, in outer_sample
- output = self.inner_sample(noise, latent_image, device, sampler, sigmas, denoise_mask, callback, disable_pbar, seed)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 959, in inner_sample
- samples = executor.execute(self, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 111, in execute
- return self.original(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 738, in sample
- samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 868, in sample_unipc
- x = uni_pc.sample(noise, timesteps=timesteps, skip_type="time_uniform", method="multistep", order=order, lower_order_final=True, callback=callback, disable_pbar=disable)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 715, in sample
- model_prev_list = [self.model_fn(x, vec_t)]
- ^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 410, in model_fn
- return self.data_prediction_fn(x, t)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 394, in data_prediction_fn
- noise = self.noise_prediction_fn(x, t)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 388, in noise_prediction_fn
- return self.model(x, t)
- ^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 329, in model_fn
- return noise_pred_fn(x, t_continuous)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 297, in noise_pred_fn
- output = model(x, t_input, **model_kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 859, in <lambda>
- lambda input, sigma, **kwargs: predict_eps_sigma(model, input, sigma, **kwargs),
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\extra_samplers\uni_pc.py", line 843, in predict_eps_sigma
- return (input - model(input, sigma_in, **kwargs)) / sigma
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 390, in __call__
- out = self.inner_model(x, sigma, model_options=model_options, seed=seed)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 939, in __call__
- return self.predict_noise(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 942, in predict_noise
- return sampling_function(self.inner_model, x, timestep, self.conds.get("negative", None), self.conds.get("positive", None), self.cfg, model_options=model_options, seed=seed)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 370, in sampling_function
- out = calc_cond_batch(model, conds, x, timestep, model_options)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 206, in calc_cond_batch
- return executor.execute(model, conds, x_in, timestep, model_options)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 111, in execute
- return self.original(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\samplers.py", line 317, in _calc_cond_batch
- output = model_options['model_function_wrapper'](model.apply_model, {"input": input_x, "timestep": timestep_, "c": c, "cond_or_uncond": cond_or_uncond}).chunk(batch_chunks)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-KJNodes\nodes\model_optimization_nodes.py", line 1115, in unet_wrapper_function
- out = model_function(input, timestep, **c)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 140, in apply_model
- return comfy.patcher_extension.WrapperExecutor.new_class_executor(
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\patcher_extension.py", line 111, in execute
- return self.original(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\model_base.py", line 173, in _apply_model
- model_output = self.diffusion_model(xc, t, context=context, control=control, transformer_options=transformer_options, **extra_conds).float()
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
- return self._call_impl(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
- return forward_call(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\ldm\wan\model.py", line 502, in forward
- return self.forward_orig(x, timestep, context, clip_fea=clip_fea, freqs=freqs, transformer_options=transformer_options, **kwargs)[:, :, :t, :h, :w]
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-KJNodes\nodes\model_optimization_nodes.py", line 905, in teacache_wanvideo_forward_orig
- context = self.text_embedding(context)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
- return self._call_impl(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
- return forward_call(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\container.py", line 240, in forward
- input = module(input)
- ^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1751, in _wrapped_call_impl
- return self._call_impl(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\nn\modules\module.py", line 1762, in _call_impl
- return forward_call(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\ops.py", line 84, in forward
- return self.forward_comfy_cast_weights(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-GGUF\ops.py", line 217, in forward_comfy_cast_weights
- out = super().forward_comfy_cast_weights(input, *args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\ComfyUI\comfy\ops.py", line 80, in forward_comfy_cast_weights
- return torch.nn.functional.linear(input, weight, bias)
- ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
- File "C:\Users\bruce\Desktop\brrr\ComfyUI_windows_portable\python_embeded\Lib\site-packages\torch\_tensor.py", line 1668, in __torch_function__
- ret = func(*args, **kwargs)
- ^^^^^^^^^^^^^^^^^^^^^
- RuntimeError: mat1 and mat2 shapes cannot be multiplied (77x768 and 4096x5120)
Advertisement
Add Comment
Please, Sign In to add comment
Advertisement