-
Notifications
You must be signed in to change notification settings - Fork 4
New issue
Have a question about this project? Sign up for a free GitHub account to open an issue and contact its maintainers and the community.
By clicking “Sign up for GitHub”, you agree to our terms of service and privacy statement. We’ll occasionally send you account related emails.
Already on GitHub? Sign in to your account
Error after update #142
Comments
thank you for your reporting! |
Same ERROR here. It seems to be caused by commit a509927. Moreover, there seems to be a small mistake in the code of model_mixer.py. I read the paper https://arxiv.org/abs/2311.03099 and model_mixer.py. If i understood correctly, the relationship between "density" of dare_merge in model_mixer.py and "drop rate" in the paper is given by density = 1 - droprate. Therefore, in line3673~3674 of model_mixer.py, I think if density >= 1, theta1 should be returned instead of theta0. I'm not sure if I've expressed myself clearly, since I'm not proficient in using English and GitHub. |
Hello,
I updated today for the first time in a week or two and have gotten this type error twice now after running a few successful merge generations. Unfortunately I don't have time to try to narrow down a method to reproduce at the moment, but I wanted to report the error in case it is informative:
Details
2024-05-28 21:02:11,668 - ControlNet - INFO - unit_separate = False, style_align = False | 364/82004 [01:25<3:28:22, 6.53it/s]
2024-05-28 21:02:11,668 - ControlNet - INFO - Loading model from cache: Canny-xinsir-sdxl - model_V2 [ab7dc06d]
2024-05-28 21:02:11,690 - ControlNet - INFO - Using preprocessor: canny
2024-05-28 21:02:11,690 - ControlNet - INFO - preprocessor resolution = 512
2024-05-28 21:02:11,868 - ControlNet - INFO - ControlNet Hooked - Time = 0.205000638961792
46%|████████████████████████████████████████████████████████████████████████████████████████████████████████████████▌ | 12/26 [00:02<00:03, 4.57it/s]
Total progress: 0%|█ | 376/82004 [01:31<5:31:26, 4.10it/s]
debugs = ['elemental merge'] | 376/82004 [01:31<4:46:45, 4.74it/s]
use_extra_elements = True
config hash = 48473657badf5fd71c75986fcfaeb2b00dd1d84390ed27d83950c60a4fc85202
model_a = SDXL_2024-03-31 - Davematthews Person - Awesome Mix (Model Mixer) - Tops
Loading from file e:\Stable Diffusion Checkpoints\SDXL\2024-03-31 - Davematthews Person - Awesome Mix (Model Mixer) - Tops.safetensors...
isxl = True , sd2 = False
compact_mode = False
Open state_dict from file e:\Stable Diffusion Checkpoints\SDXL\SD-Checkpoints-Fast-Backup\z-2023-12-08-Dave Matthews - GoodMix-Uses-Other-12-8-As-Base - This looked nice on XYZ at cfg 6 and 8.safetensors...
mode = Sum, alpha = 0.8
Stage Issue where model in merged but not save leads to "Cannot copy out of meta tensor; no data!" - persists through restart - had to disable app to continue #1/4: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2262/2262 [00:03<00:00, 660.82it/s]
Check uninitialized support mbw presets #2/4: 100%|██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2262/2262 [00:00<00:00, 452432.79it/s]
Open state_dict from file e:\Stable Diffusion Checkpoints\SDXL\2024-04-14 - Davematthews Person - Outstanding Supermerge - Mix of mixes from hidden forge.safetensors...
mode = Sum, alpha = 0.5
Stage Add to A1111 Extension List #3/4: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2262/2262 [00:05<00:00, 452.26it/s]
Open state_dict from file e:\Stable Diffusion Checkpoints\SDXL\SD-Checkpoints-Fast-Backup\2024-05-10 - Davematthews Person (Current Day) - 10img.safetensors-step00001500.safetensors...
Calculating sha256 for e:\Stable Diffusion Checkpoints\SDXL\SD-Checkpoints-Fast-Backup\2024-05-10 - Davematthews Person (Current Day) - 10img.safetensors-step00001500.safetensors: f564430288b3e37b407d13037c331c71dd4b7df65e4ba7d50c487c37e7ed8cd3
mode = Sum, alpha = 0.5
Stage Use merged model in a new merge #4/4: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 2262/2262 [00:03<00:00, 724.07it/s]
Save unchanged weights Use merged model in a new merge #4/4: 100%|█████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<?, ?it/s]
*** Error running before_process: D:\stable-diffusion-webui\extensions\sd-webui-model-mixer\scripts\model_mixer.py
Traceback (most recent call last):
File "D:\stable-diffusion-webui\modules\scripts.py", line 817, in before_process
script.before_process(p, *script_args)
File "D:\stable-diffusion-webui\extensions\sd-webui-model-mixer\scripts\model_mixer.py", line 4338, in before_process
send_model_to_cpu(sd_models.model_data.sd_model)
File "D:\stable-diffusion-webui\modules\sd_models.py", line 672, in send_model_to_cpu
m.to(devices.cpu)
File "D:\stable-diffusion-webui\venv\lib\site-packages\lightning_fabric\utilities\device_dtype_mixin.py", line 54, in to
return super().to(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1160, in to
return self._apply(convert)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 810, in _apply
module._apply(fn)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 810, in _apply
module._apply(fn)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 810, in _apply
module._apply(fn)
[Previous line repeated 1 more time]
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 833, in _apply
param_applied = fn(param)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1158, in convert
return t.to(device, dtype if t.is_floating_point() or t.is_complex() else None, non_blocking)
NotImplementedError: Cannot copy out of meta tensor; no data!
2024-05-28 21:03:58,220 - ControlNet - INFO - Batch enabled (3154)
controlnet batch mode
2024-05-28 21:03:58,246 - ControlNet - INFO - unit_separate = False, style_align = False
2024-05-28 21:03:58,247 - ControlNet - INFO - Loading model from cache: Canny-xinsir-sdxl - model_V2 [ab7dc06d]
2024-05-28 21:03:58,273 - ControlNet - INFO - Using preprocessor: canny
2024-05-28 21:03:58,274 - ControlNet - INFO - preprocessor resolution = 512
2024-05-28 21:03:58,438 - ControlNet - INFO - ControlNet Hooked - Time = 0.1959998607635498
*** Error completing request
*** Arguments: ('task(7jf0rgm2nbvfcxn)', <gradio.routes.Request object at 0x000001BB7BB23310>, 'davematthews person Llama2 - Variable Movie film scenarios-Feb2-2024', '', [], 1, 1, 6, 768, 1344, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', 'Use same scheduler', '', '', [], 0, 26, 'DPM++ 2M', 'Automatic', False, '', 0.8, -1, False, -1, 0, 0, 0, True, False, 1, False, False, False, 1.1, 1.5, 100, 0.7, False, False, True, False, False, 0, 'Gustavosta/MagicPrompt-Stable-Diffusion', '', ControlNetUnit(is_ui=True, input_mode=<InputMode.BATCH: 'batch'>, batch_images=<list_iterator object at 0x000001BABACA24D0>, output_dir='', loopback=False, enabled=True, module='canny', model='Canny-xinsir-sdxl - model_V2 [ab7dc06d]', weight=1.0, image='D:\SDXL\OneTrainer\Datasets\Shotdeck-3000\0003.jpg', resize_mode=<ResizeMode.INNER_FIT: 'Crop and Resize'>, low_vram=False, processor_res=512, threshold_a=100.0, threshold_b=200.0, guidance_start=0.0, guidance_end=0.3, pixel_perfect=False, control_mode=<ControlMode.BALANCED: 'Balanced'>, inpaint_crop_input_image=False, hr_option=<HiResFixOption.BOTH: 'Both'>, save_detected_map=True, advanced_weighting=None, effective_region_mask=None, pulid_mode=<PuLIDMode.FIDELITY: 'Fidelity'>, ipadapter_input=None, mask=None, batch_mask_dir=None, animatediff_batch=False, batch_modifiers=[], batch_image_files=[], batch_keyframe_idx=None), ControlNetUnit(is_ui=True, input_mode=<InputMode.SIMPLE: 'simple'>, batch_images='', output_dir='', loopback=False, enabled=False, module='none', model='None', weight=1.0, image=None, resize_mode=<ResizeMode.INNER_FIT: 'Crop and Resize'>, low_vram=False, processor_res=-1, threshold_a=-1.0, threshold_b=-1.0, guidance_start=0.0, guidance_end=1.0, pixel_perfect=False, control_mode=<ControlMode.BALANCED: 'Balanced'>, inpaint_crop_input_image=False, hr_option=<HiResFixOption.BOTH: 'Both'>, save_detected_map=True, advanced_weighting=None, effective_region_mask=None, pulid_mode=<PuLIDMode.FIDELITY: 'Fidelity'>, ipadapter_input=None, mask=None, batch_mask_dir=None, animatediff_batch=False, batch_modifiers=[], batch_image_files=[], batch_keyframe_idx=None), ControlNetUnit(is_ui=True, input_mode=<InputMode.SIMPLE: 'simple'>, batch_images='', output_dir='', loopback=False, enabled=False, module='none', model='None', weight=1.0, image=None, resize_mode=<ResizeMode.INNER_FIT: 'Crop and Resize'>, low_vram=False, processor_res=-1, threshold_a=-1.0, threshold_b=-1.0, guidance_start=0.0, guidance_end=1.0, pixel_perfect=False, control_mode=<ControlMode.BALANCED: 'Balanced'>, inpaint_crop_input_image=False, hr_option=<HiResFixOption.BOTH: 'Both'>, save_detected_map=True, advanced_weighting=None, effective_region_mask=None, pulid_mode=<PuLIDMode.FIDELITY: 'Fidelity'>, ipadapter_input=None, mask=None, batch_mask_dir=None, animatediff_batch=False, batch_modifiers=[], batch_image_files=[], batch_keyframe_idx=None), False, False, {'ad_model': 'face_yolov8n.pt', 'ad_model_classes': '', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M', 'ad_scheduler': 'Use same scheduler', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, {'ad_model': 'None', 'ad_model_classes': '', 'ad_prompt': '', 'ad_negative_prompt': '', 'ad_confidence': 0.3, 'ad_mask_k_largest': 0, 'ad_mask_min_ratio': 0, 'ad_mask_max_ratio': 1, 'ad_x_offset': 0, 'ad_y_offset': 0, 'ad_dilate_erode': 4, 'ad_mask_merge_invert': 'None', 'ad_mask_blur': 4, 'ad_denoising_strength': 0.4, 'ad_inpaint_only_masked': True, 'ad_inpaint_only_masked_padding': 32, 'ad_use_inpaint_width_height': False, 'ad_inpaint_width': 512, 'ad_inpaint_height': 512, 'ad_use_steps': False, 'ad_steps': 28, 'ad_use_cfg_scale': False, 'ad_cfg_scale': 7, 'ad_use_checkpoint': False, 'ad_checkpoint': 'Use same checkpoint', 'ad_use_vae': False, 'ad_vae': 'Use same VAE', 'ad_use_sampler': False, 'ad_sampler': 'DPM++ 2M', 'ad_scheduler': 'Use same scheduler', 'ad_use_noise_multiplier': False, 'ad_noise_multiplier': 1, 'ad_use_clip_skip': False, 'ad_clip_skip': 1, 'ad_restore_face': False, 'ad_controlnet_model': 'None', 'ad_controlnet_module': 'None', 'ad_controlnet_weight': 1, 'ad_controlnet_guidance_start': 0, 'ad_controlnet_guidance_end': 1, 'is_api': ()}, True, 'SDXL\2024-03-31 - Davematthews Person - Awesome Mix (Model Mixer) - Tops.safetensors [0fdd81785f]', 'None', 8, '', {'save_settings': ['fp16', 'prune', 'safetensors'], 'calc_settings': ['GPU']}, True, True, True, False, False, False, False, False, 'SDXL\SD-Checkpoints-Fast-Backup\z-2023-12-08-Dave Matthews - GoodMix-Uses-Other-12-8-As-Base - This looked nice on XYZ at cfg 6 and 8.safetensors [ed1d2df009]', 'SDXL\2024-04-14 - Davematthews Person - Outstanding Supermerge - Mix of mixes from hidden forge.safetensors [1b08e5db2e]', 'SDXL\SD-Checkpoints-Fast-Backup\2024-05-10 - Davematthews Person (Current Day) - 10img.safetensors-step00001500.safetensors', 'None', 'None', 'None', 'None', 'None', 'Sum', 'Sum', 'Sum', 'Sum', 'Sum', 'Sum', 'Sum', 'Sum', 0.8, 0.5, 0.5, 0.5, 0.5, 0.5, 0.5, 0.5, True, True, True, True, True, True, True, True, [], [], [], [], [], [], [], [], [], [], [], [], [], [], [], [], '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', '0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5,0.5', False, False, False, False, False, False, False, False, '', '', '', '', '', '', '', '', 'Normal', 'Normal', 'Normal', 'Normal', 'Normal', 'Normal', 'Normal', 'Normal', False, 'MultiDiffusion', False, True, 1024, 1024, 96, 96, 48, 4, 'None', 2, False, 10, 1, 1, 64, False, False, False, False, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 0.4, 0.4, 0.2, 0.2, '', '', 'Background', 0.2, -1.0, False, 'DemoFusion', False, 128, 64, 4, 2, False, 10, 1, 1, 64, False, True, 3, 1, 1, True, 0.85, 0.6, 4, False, False, 3072, 192, True, True, True, False, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False, None, None, False, None, None, False, None, None, False, 50) {}
Traceback (most recent call last):
File "D:\stable-diffusion-webui\modules\call_queue.py", line 57, in f
res = list(func(*args, **kwargs))
File "D:\stable-diffusion-webui\modules\call_queue.py", line 36, in f
res = func(*args, **kwargs)
File "D:\stable-diffusion-webui\modules\txt2img.py", line 109, in txt2img
processed = processing.process_images(p)
File "D:\stable-diffusion-webui\modules\processing.py", line 839, in process_images
res = process_images_inner(p)
File "D:\stable-diffusion-webui\extensions\3sd-webui-controlnet\scripts\batch_hijack.py", line 66, in processing_process_images_hijack
processed = self.process_images_cn_batch(p, *args, **kwargs)
File "D:\stable-diffusion-webui\extensions\3sd-webui-controlnet\scripts\batch_hijack.py", line 91, in process_images_cn_batch
processed = getattr(processing, '__controlnet_original_process_images_inner')(p, *args, **kwargs)
File "D:\stable-diffusion-webui\modules\processing.py", line 953, in process_images_inner
p.setup_conds()
File "D:\stable-diffusion-webui\modules\processing.py", line 1489, in setup_conds
super().setup_conds()
File "D:\stable-diffusion-webui\modules\processing.py", line 500, in setup_conds
self.uc = self.get_conds_with_caching(prompt_parser.get_learned_conditioning, negative_prompts, total_steps, [self.cached_uc], self.extra_network_data)
File "D:\stable-diffusion-webui\modules\processing.py", line 486, in get_conds_with_caching
cache[1] = function(shared.sd_model, required_prompts, steps, hires_steps, shared.opts.use_old_scheduling)
File "D:\stable-diffusion-webui\modules\prompt_parser.py", line 188, in get_learned_conditioning
conds = model.get_learned_conditioning(texts)
File "D:\stable-diffusion-webui\modules\sd_models_xl.py", line 32, in get_learned_conditioning
c = self.conditioner(sdxl_conds, force_zero_embeddings=['txt'] if force_zero_negative_prompt else [])
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
return forward_call(*args, **kwargs)
File "D:\stable-diffusion-webui\repositories\generative-models\sgm\modules\encoders\modules.py", line 141, in forward
emb_out = embedder(batch[embedder.input_key])
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
return forward_call(*args, **kwargs)
File "D:\stable-diffusion-webui\repositories\generative-models\sgm\util.py", line 59, in do_autocast
return f(*args, **kwargs)
File "D:\stable-diffusion-webui\repositories\generative-models\sgm\modules\encoders\modules.py", line 391, in forward
outputs = self.transformer(
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
return forward_call(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\transformers\models\clip\modeling_clip.py", line 822, in forward
return self.text_model(
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1518, in _wrapped_call_impl
return self._call_impl(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\torch\nn\modules\module.py", line 1527, in _call_impl
return forward_call(*args, **kwargs)
File "D:\stable-diffusion-webui\venv\lib\site-packages\transformers\models\clip\modeling_clip.py", line 734, in forward
causal_attention_mask = _make_causal_mask(input_shape, hidden_states.dtype, device=hidden_states.device)
File "D:\stable-diffusion-webui\venv\lib\site-packages\transformers\models\clip\modeling_clip.py", line 684, in _make_causal_mask
mask = torch.full((tgt_len, tgt_len), torch.tensor(torch.finfo(dtype).min, device=device), device=device)
NotImplementedError: Could not run 'aten::_local_scalar_dense' with arguments from the 'Meta' backend. This could be because the operator doesn't exist for this backend, or was omitted during the selective/custom build process (if using custom build). If you are a Facebook employee using PyTorch on mobile, please visit https://fburl.com/ptmfixes for possible resolutions. 'aten::_local_scalar_dense' is only available for these backends: [CPU, CUDA, BackendSelect, Python, FuncTorchDynamicLayerBackMode, Functionalize, Named, Conjugate, Negative, ZeroTensor, ADInplaceOrView, AutogradOther, AutogradCPU, AutogradCUDA, AutogradHIP, AutogradXLA, AutogradMPS, AutogradIPU, AutogradXPU, AutogradHPU, AutogradVE, AutogradLazy, AutogradMTIA, AutogradPrivateUse1, AutogradPrivateUse2, AutogradPrivateUse3, AutogradMeta, AutogradNestedTensor, Tracer, AutocastCPU, AutocastCUDA, FuncTorchBatched, FuncTorchVmapMode, Batched, VmapMode, FuncTorchGradWrapper, PythonTLSSnapshot, FuncTorchDynamicLayerFrontMode, PreDispatch, PythonDispatcher].
System info:
Details
}
Should also not that I have manually added the PRs for A1111 mentioned here which increase performance (to Forge levels). These are by a developer of Forge and contributor to A1111 but not in the official repos (as of yet at least). I suppose there's a chance these changes could be causing this issue although I was running the prior commit I was on ( 4c43307 per reflog) w/o any issues. Link to PR set / discussion on A1111 forum: AUTOMATIC1111/stable-diffusion-webui#15821
Plan to rollback now since it was working fine prior to updating tonight to a509927
The text was updated successfully, but these errors were encountered: