kijai / ComfyUI-DynamiCrafterWrapper

Wrapper to use DynamiCrafter models in ComfyUI
Other
500 stars 16 forks source link

No operator found for memory_efficient_attention_forward with inputs: #27

Open amfapic opened 2 months ago

amfapic commented 2 months ago

i have this error can anybody help me ?

Error occurred when executing DynamiCrafterInterp Simple:

No operator found for memory_efficient_attention_forward with inputs: query : shape=(80, 2560, 1, 64) (torch.float16) key : shape=(80, 2560, 1, 64) (torch.float16) value : shape=(80, 2560, 1, 64) (torch.float16) attn_bias : p : 0.0 decoderF is not supported because: xFormers wasn't build with CUDA support attn_bias type is operator wasn't built - see python -m xformers.info for more info flshattF@0.0.0 is not supported because: xFormers wasn't build with CUDA support operator wasn't built - see python -m xformers.info for more info cutlassF is not supported because: xFormers wasn't build with CUDA support operator wasn't built - see python -m xformers.info for more info smallkF is not supported because: max(query.shape[-1] != value.shape[-1]) > 32 xFormers wasn't build with CUDA support dtype=torch.float16 (supported: {torch.float32}) operator wasn't built - see python -m xformers.info for more info unsupported embed per head: 64

File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\execution.py", line 151, in recursive_execute output_data, output_ui = get_output_data(obj, input_data_all) File "D:\deepfake\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:\deepfake\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:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DynamiCrafter\nodes.py", line 103, in run_inference imgs= model.get_image(image, prompt, steps, cfg_scale, eta, motion, seed,image1) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DynamiCrafter\scripts\gradio\i2v_test_application.py", line 106, in get_image batch_samples = batch_ddim_sampling(model, cond, noise_shape, n_samples=1, ddim_steps=steps, ddim_eta=eta, cfg_scale=cfg_scale) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DynamiCrafter\scripts\evaluation\funcs.py", line 59, in batch_ddimsampling samples, = ddim_sampler.sample(S=ddim_steps, File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\utils_contextlib.py", line 115, in decorate_context return func(*args, *kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DynamiCrafter\lvdm\models\samplers\ddim.py", line 113, in sample samples, intermediates = self.ddim_sampling(conditioning, size, File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\utils_contextlib.py", line 115, in decorate_context return func(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DynamiCrafter\lvdm\models\samplers\ddim.py", line 186, in ddim_sampling outs = self.p_sample_ddim(img, cond, ts, index=index, use_original_steps=ddim_use_original_steps, File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\utils_contextlib.py", line 115, in decorate_context return func(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\ComfyUI-DynamiCrafter\lvdm\models\samplers\ddim.py", line 222, in p_sample_ddim e_t_cond = self.model.apply_model(x, t, c, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\models\ddpm3d.py", line 551, in apply_model x_recon = self.model(x_noisy, t, cond, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl return self._call_impl(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl return forward_call(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\models\ddpm3d.py", line 714, in forward out = self.diffusion_model(xc, t, context=cc, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl return self._call_impl(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl return forward_call(*args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\modules\networks\openaimodel3d.py", line 583, in forward h = module(h, emb, context=context, batch_size=b) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, *kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl return forward_call(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\modules\networks\openaimodel3d.py", line 41, in forward x = layer(x, context) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl return forward_call(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\modules\attention.py", line 304, in forward x = block(x, context=context, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl return self._call_impl(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1520, in _call_impl return forward_call(*args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\modules\attention.py", line 239, in forward return checkpoint(self._forward, input_tuple, self.parameters(), self.checkpoint) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\common.py", line 94, in checkpoint return func(inputs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\modules\attention.py", line 243, in _forward x = self.attn1(self.norm1(x), context=context if self.disable_self_attn else None, mask=mask) + x File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1511, in _wrapped_call_impl return self._call_impl(args, kwargs) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\torch\nn\modules\module.py", line 1520, in call_impl return forward_call(*args, **kwargs) File "D:\deepfake\ComfyUI_windows_portable\ComfyUI\custom_nodes\cg-image-picker....\custom_nodes\ComfyUI-DynamiCrafter\lvdm\modules\attention.py", line 175, in efficient_forward out = xformers.ops.memory_efficient_attention(q, k, v, attn_bias=None, op=None) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\xformers\ops\fmha_init.py", line 247, in memory_efficient_attention return memory_efficient_attention( File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\xformers\ops\fmha_init.py", line 365, in _memory_efficient_attention return memory_efficient_attention_forward( File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\xformers\ops\fmha_init.py", line 381, in _memory_efficient_attention_forward op = _dispatch_fw(inp, False) File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\xformers\ops\fmha\dispatch.py", line 125, in _dispatch_fw return _run_priority_list( File "D:\deepfake\ComfyUI_windows_portable\python_embeded\lib\site-packages\xformers\ops\fmha\dispatch.py", line 65, in _run_priority_list raise NotImplementedError(msg)

Close Queue size: 0 ⚙️ × Queue Prompt Extra options Queue FrontView QueueView History Save Load Refresh Clipspace Clear Load Default Manager Share Idle NotImplementedError 2 DynamiCrafterInterp Simple

Yutong18 commented 1 month ago

I met same problem with you. It seems you need to install a xformer of cuda version. pip install xformers[cuda]