ComfyUI icon indicating copy to clipboard operation
ComfyUI copied to clipboard

comfyui Prompt each time you use an image extension Placeholder storage has not been allocated on MPS device!

Open junne14105 opened this issue 2 years ago • 4 comments

Error occurred when executing KSampler (Efficient): Placeholder storage has not been allocated on MPS device! File "/Volumes/InvokeAI/ComfyUI/execution.py", line 153, in recursive_execute output_data, output_ui = get_output_data(obj, input_data_all) File "/Volumes/InvokeAI/ComfyUI/execution.py", line 83, in get_output_data return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True) File "/Volumes/InvokeAI/ComfyUI/execution.py", line 76, in map_node_over_list results.append(getattr(obj, func)(**slice_dict(input_data_all, i))) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/efficiency-nodes-comfyui/efficiency_nodes.py", line 700, in sample samples, images, gifs, preview = process_latent_image(model, seed, steps, cfg, sampler_name, scheduler, File "/Volumes/InvokeAI/ComfyUI/custom_nodes/efficiency-nodes-comfyui/efficiency_nodes.py", line 533, in process_latent_image samples = KSampler().sample(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, File "/Volumes/InvokeAI/ComfyUI/nodes.py", line 1300, in sample return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise) File "/Volumes/InvokeAI/ComfyUI/nodes.py", line 1270, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Impact-Pack/modules/impact/sample_error_enhancer.py", line 22, in informative_sample raise e File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Impact-Pack/modules/impact/sample_error_enhancer.py", line 9, in informative_sample return original_sample(*args, **kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations. File "/Volumes/InvokeAI/ComfyUI/comfy/sample.py", line 101, in sample samples = sampler.sample(noise, positive_copy, negative_copy, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 716, in sample return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 622, in sample samples = sampler.sample(model_wrap, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 561, in sample samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/k_diffusion/sampling.py", line 695, in sample_dpmpp_3m_sde_gpu return sample_dpmpp_3m_sde(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, eta=eta, s_noise=s_noise, noise_sampler=noise_sampler) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/k_diffusion/sampling.py", line 655, in sample_dpmpp_3m_sde denoised = model(x, sigmas[i] * s_in, **extra_args) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 285, in forward out = self.inner_model(x, sigma, cond=cond, uncond=uncond, cond_scale=cond_scale, model_options=model_options, seed=seed) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self.call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 275, in forward return self.apply_model(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 272, in apply_model out = sampling_function(self.inner_model, x, timestep, uncond, cond, cond_scale, model_options=model_options, seed=seed) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 252, in sampling_function cond_pred, uncond_pred = calc_cond_uncond_batch(model, cond, uncond, x, timestep, model_options) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 201, in calc_cond_uncond_batch c['control'] = control.get_control(input_x, timestep, c, len(cond_or_uncond)) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/control/control.py", line 368, in get_control_inject return self.get_control_advanced(x_noisy, t, cond, batched_number) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/control/control.py", line 572, in get_control_advanced return self.sliding_get_control(x_noisy, t, cond, batched_number) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/control/control.py", line 615, in sliding_get_control control = self.control_model(x=x_noisy.to(self.control_model.dtype), hint=self.cond_hint, timesteps=timestep.float(), context=context.to(self.control_model.dtype), y=y) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/cldm/cldm.py", line 287, in forward emb = self.time_embed(t_emb) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/container.py", line 217, in forward input = module(input) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/ops.py", line 28, in forward return super().forward(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/linear.py", line 116, in forward return F.linear(input, self.weight, self.bias) iShot_2024-01-01_00 32 32

junne14105 avatar Dec 31 '23 16:12 junne14105

Error occurred when executing KSampler (Efficient): Placeholder storage has not been allocated on MPS device! File "/Volumes/InvokeAI/ComfyUI/execution.py", line 153, in recursive_execute output_data, output_ui = get_output_data(obj, input_data_all) File "/Volumes/InvokeAI/ComfyUI/execution.py", line 83, in get_output_data return_values = map_node_over_list(obj, input_data_all, obj.FUNCTION, allow_interrupt=True) File "/Volumes/InvokeAI/ComfyUI/execution.py", line 76, in map_node_over_list results.append(getattr(obj, func)(**slice_dict(input_data_all, i))) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/efficiency-nodes-comfyui/efficiency_nodes.py", line 700, in sample samples, images, gifs, preview = process_latent_image(model, seed, steps, cfg, sampler_name, scheduler, File "/Volumes/InvokeAI/ComfyUI/custom_nodes/efficiency-nodes-comfyui/efficiency_nodes.py", line 533, in process_latent_image samples = KSampler().sample(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, File "/Volumes/InvokeAI/ComfyUI/nodes.py", line 1300, in sample return common_ksampler(model, seed, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, denoise=denoise) File "/Volumes/InvokeAI/ComfyUI/nodes.py", line 1270, in common_ksampler samples = comfy.sample.sample(model, noise, steps, cfg, sampler_name, scheduler, positive, negative, latent_image, File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Impact-Pack/modules/impact/sample_error_enhancer.py", line 22, in informative_sample raise e File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Impact-Pack/modules/impact/sample_error_enhancer.py", line 9, in informative_sample return original_sample(*args, **kwargs) # This code helps interpret error messages that occur within exceptions but does not have any impact on other operations. File "/Volumes/InvokeAI/ComfyUI/comfy/sample.py", line 101, in sample samples = sampler.sample(noise, positive_copy, negative_copy, cfg=cfg, latent_image=latent_image, start_step=start_step, last_step=last_step, force_full_denoise=force_full_denoise, denoise_mask=noise_mask, sigmas=sigmas, callback=callback, disable_pbar=disable_pbar, seed=seed) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 716, in sample return sample(self.model, noise, positive, negative, cfg, self.device, sampler, sigmas, self.model_options, latent_image=latent_image, denoise_mask=denoise_mask, callback=callback, disable_pbar=disable_pbar, seed=seed) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 622, in sample samples = sampler.sample(model_wrap, sigmas, extra_args, callback, noise, latent_image, denoise_mask, disable_pbar) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 561, in sample samples = self.sampler_function(model_k, noise, sigmas, extra_args=extra_args, callback=k_callback, disable=disable_pbar, **self.extra_options) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/k_diffusion/sampling.py", line 695, in sample_dpmpp_3m_sde_gpu return sample_dpmpp_3m_sde(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, eta=eta, s_noise=s_noise, noise_sampler=noise_sampler) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/k_diffusion/sampling.py", line 655, in sample_dpmpp_3m_sde denoised = model(x, sigmas[i] * s_in, **extra_args) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 285, in forward out = self.inner_model(x, sigma, cond=cond, uncond=uncond, cond_scale=cond_scale, model_options=model_options, seed=seed) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self.call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 275, in forward return self.apply_model(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 272, in apply_model out = sampling_function(self.inner_model, x, timestep, uncond, cond, cond_scale, model_options=model_options, seed=seed) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 252, in sampling_function cond_pred, uncond_pred = calc_cond_uncond_batch(model, cond, uncond, x, timestep, model_options) File "/Volumes/InvokeAI/ComfyUI/comfy/samplers.py", line 201, in calc_cond_uncond_batch c['control'] = control.get_control(input_x, timestep, c, len(cond_or_uncond)) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/control/control.py", line 368, in get_control_inject return self.get_control_advanced(x_noisy, t, cond, batched_number) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/control/control.py", line 572, in get_control_advanced return self.sliding_get_control(x_noisy, t, cond, batched_number) File "/Volumes/InvokeAI/ComfyUI/custom_nodes/ComfyUI-Advanced-ControlNet/control/control.py", line 615, in sliding_get_control control = self.control_model(x=x_noisy.to(self.control_model.dtype), hint=self.cond_hint, timesteps=timestep.float(), context=context.to(self.control_model.dtype), y=y) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/cldm/cldm.py", line 287, in forward emb = self.time_embed(t_emb) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/container.py", line 217, in forward input = module(input) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1511, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1520, in _call_impl return forward_call(*args, **kwargs) File "/Volumes/InvokeAI/ComfyUI/comfy/ops.py", line 28, in forward return super().forward(*args, **kwargs) File "/Library/Frameworks/Python.framework/Versions/3.10/lib/python3.10/site-packages/torch/nn/modules/linear.py", line 116, in forward return F.linear(input, self.weight, self.bias) Uploading iShot_2024-01-01_00.38.37.png…

junne14105 avatar Dec 31 '23 16:12 junne14105

Total VRAM 32768 MB, total RAM 32768 MB Forcing FP16. Set vram state to: SHARED Device: mps VAE dtype: torch.float32 Torch version: 2.3.0.dev20231231

junne14105 avatar Dec 31 '23 16:12 junne14105

Hope to have Apple devices are tested to see what the problem is and how to solve! Currently there is no problem with win or Nvidia cpu, only mps devices

junne14105 avatar Dec 31 '23 18:12 junne14105

Automatically updated to Mac beta today 14.3 Beta(23D5043d) The problem is resolved automatically and can be used normally (今天自动更新苹果最新测试系统14.3 Beta版(23D5043d) 问题消失了 可以正常使用)

junne14105 avatar Jan 05 '24 18:01 junne14105