TheLastBen / fast-stable-diffusion

fast-stable-diffusion + DreamBooth
MIT License
7.48k stars 1.3k forks source link

Automiatic 1111 no longer loads model files #2767

Open darth2602 opened 6 months ago

darth2602 commented 6 months ago

Discussed in https://github.com/TheLastBen/fast-stable-diffusion/discussions/2764

Originally posted by **darth2602** March 2, 2024 On the version I downloaded today, A1111 (google colab) seems to load and start correctly but no longer loads model files at startup and in Web UI... in short, it doesn't work at all Any idea how to fix this? voici un log : Connected Startup time: 18.2s (import torch: 7.1s, import gradio: 0.8s, setup paths: 1.5s, initialize shared: 0.1s, other imports: 1.1s, setup codeformer: 0.1s, load scripts: 3.5s, create ui: 3.0s, gradio launch: 0.5s, add APIs: 0.1s). Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml loading stable diffusion model: AttributeError Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 973, in _bootstrap self._bootstrap_inner() File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/lib/python3.10/threading.py", line 953, in run self._target(*self._args, **self._kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/initialize.py", line 147, in load_model shared.sd_model # noqa: B018 File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/shared_items.py", line 110, in sd_model return modules.sd_models.model_data.get_sd_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 621, in get_sd_model load_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' Stable diffusion model failed to load Applying attention optimization: xformers... done. Loading weights [e6bb9ea85b] from /content/gdrive/MyDrive/sd/stable-diffusion-webui/models/Stable-diffusion/sd_xl_base_1.0_0.9vae.safetensors Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml loading stable diffusion model: AttributeError Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 973, in _bootstrap self._bootstrap_inner() File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 392, in pages_html return refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 398, in refresh pg.refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks_textual_inversion.py", line 13, in refresh sd_hijack.model_hijack.embedding_db.load_textual_inversion_embeddings(force_reload=True) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 255, in load_textual_inversion_embeddings self.expected_shape = self.get_expected_shape() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 154, in get_expected_shape vec = shared.sd_model.cond_stage_model.encode_embedding_init_text(",", 1) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/shared_items.py", line 110, in sd_model return modules.sd_models.model_data.get_sd_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 621, in get_sd_model load_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' Stable diffusion model failed to load Loading weights [e6bb9ea85b] from /content/gdrive/MyDrive/sd/stable-diffusion-webui/models/Stable-diffusion/sd_xl_base_1.0_0.9vae.safetensors Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/gradio/routes.py", line 488, in run_predict output = await app.get_blocks().process_api( File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1435, in process_api result = await self.call_function( File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1107, in call_function prediction = await anyio.to_thread.run_sync( File "/usr/local/lib/python3.10/dist-packages/anyio/to_thread.py", line 31, in run_sync return await get_asynclib().run_sync_in_worker_thread( File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 937, in run_sync_in_worker_thread return await future File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 392, in pages_html return refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 398, in refresh pg.refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks_textual_inversion.py", line 13, in refresh sd_hijack.model_hijack.embedding_db.load_textual_inversion_embeddings(force_reload=True) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 255, in load_textual_inversion_embeddings self.expected_shape = self.get_expected_shape() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 154, in get_expected_shape vec = shared.sd_model.cond_stage_model.encode_embedding_init_text(",", 1) AttributeError: 'NoneType' object has no attribute 'cond_stage_model' Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml loading stable diffusion model: AttributeError Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 973, in _bootstrap self._bootstrap_inner() File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 392, in pages_html return refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 398, in refresh pg.refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks_textual_inversion.py", line 13, in refresh sd_hijack.model_hijack.embedding_db.load_textual_inversion_embeddings(force_reload=True) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 255, in load_textual_inversion_embeddings self.expected_shape = self.get_expected_shape() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 154, in get_expected_shape vec = shared.sd_model.cond_stage_model.encode_embedding_init_text(",", 1) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/shared_items.py", line 110, in sd_model return modules.sd_models.model_data.get_sd_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 621, in get_sd_model load_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' Stable diffusion model failed to load Loading weights [e6bb9ea85b] from /content/gdrive/MyDrive/sd/stable-diffusion-webui/models/Stable-diffusion/sd_xl_base_1.0_0.9vae.safetensors Traceback (most recent call last): File "/usr/local/lib/python3.10/dist-packages/gradio/routes.py", line 488, in run_predict output = await app.get_blocks().process_api( File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1435, in process_api result = await self.call_function( File "/usr/local/lib/python3.10/dist-packages/gradio/blocks.py", line 1107, in call_function prediction = await anyio.to_thread.run_sync( File "/usr/local/lib/python3.10/dist-packages/anyio/to_thread.py", line 31, in run_sync return await get_asynclib().run_sync_in_worker_thread( File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 937, in run_sync_in_worker_thread return await future File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 392, in pages_html return refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks.py", line 398, in refresh pg.refresh() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui_extra_networks_textual_inversion.py", line 13, in refresh sd_hijack.model_hijack.embedding_db.load_textual_inversion_embeddings(force_reload=True) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 255, in load_textual_inversion_embeddings self.expected_shape = self.get_expected_shape() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/textual_inversion/textual_inversion.py", line 154, in get_expected_shape vec = shared.sd_model.cond_stage_model.encode_embedding_init_text(",", 1) AttributeError: 'NoneType' object has no attribute 'cond_stage_model' Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml loading stable diffusion model: AttributeError Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 973, in _bootstrap self._bootstrap_inner() File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/ui.py", line 1298, in update_image_cfg_scale_visibility = lambda: gr.update(visible=shared.sd_model and shared.sd_model.cond_stage_key == "edit") File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/shared_items.py", line 110, in sd_model return modules.sd_models.model_data.get_sd_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 621, in get_sd_model load_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' Stable diffusion model failed to load Loading weights [e6bb9ea85b] from /content/gdrive/MyDrive/sd/stable-diffusion-webui/models/Stable-diffusion/sd_xl_base_1.0_0.9vae.safetensors Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml loading stable diffusion model: AttributeError Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 973, in _bootstrap self._bootstrap_inner() File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/call_queue.py", line 57, in f res = list(func(*args, **kwargs)) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/call_queue.py", line 36, in f res = func(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/txt2img.py", line 16, in txt2img sd_model=shared.sd_model, File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/shared_items.py", line 110, in sd_model return modules.sd_models.model_data.get_sd_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 621, in get_sd_model load_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' Stable diffusion model failed to load Loading model sd_xl_base_1.0_0.9vae.safetensors [e6bb9ea85b] (1 out of 3) Loading weights [e6bb9ea85b] from /content/gdrive/MyDrive/sd/stable-diffusion-webui/models/Stable-diffusion/sd_xl_base_1.0_0.9vae.safetensors Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml Loading weights [e6bb9ea85b] from /content/gdrive/MyDrive/sd/stable-diffusion-webui/models/Stable-diffusion/sd_xl_base_1.0_0.9vae.safetensors Creating model from config: /content/gdrive/MyDrive/sd/stablediffusion/generative-models/configs/inference/sd_xl_base.yaml loading stable diffusion model: AttributeError Traceback (most recent call last): File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/processing.py", line 719, in process_images sd_models.reload_model_weights() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 858, in reload_model_weights sd_model = reuse_model_from_already_loaded(sd_model, checkpoint_info, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 824, in reuse_model_from_already_loaded load_model(checkpoint_info) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' During handling of the above exception, another exception occurred: Traceback (most recent call last): File "/usr/lib/python3.10/threading.py", line 973, in _bootstrap self._bootstrap_inner() File "/usr/lib/python3.10/threading.py", line 1016, in _bootstrap_inner self.run() File "/usr/local/lib/python3.10/dist-packages/anyio/_backends/_asyncio.py", line 867, in run result = context.run(func, *args) File "/usr/local/lib/python3.10/dist-packages/gradio/utils.py", line 707, in wrapper response = f(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/call_queue.py", line 57, in f res = list(func(*args, **kwargs)) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/call_queue.py", line 36, in f res = func(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/txt2img.py", line 55, in txt2img processed = processing.process_images(p) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/processing.py", line 735, in process_images sd_models.apply_token_merging(p.sd_model, 0) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/processing.py", line 238, in sd_model return shared.sd_model File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/shared_items.py", line 110, in sd_model return modules.sd_models.model_data.get_sd_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 621, in get_sd_model load_model() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' Stable diffusion model failed to load *** Error completing request *** Arguments: ('task(pvbc2at2rdxh4gk)', 'an apple ', '', [], 20, 'Euler a', 1, 1, 7, 512, 512, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', '', '', [], , 0, False, '', 0.8, -1, False, -1, 0, 0, 0, 0, 0, 0, 0, 0.25, False, False, 1024, 0, 15, 'R-ESRGAN 4x+', 'R-ESRGAN 4x+', 0.3, 0.1, '', '', 2, 'Noise sync (sharp)', 0, 0.05, 0, 'DPM++ 2M SDE', False, 0, True, False, 1, False, False, False, 1.1, 1.5, 100, 0.7, False, False, True, False, False, 0, 'Gustavosta/MagicPrompt-Stable-Diffusion', '', UiControlNetUnit(enabled=False, module='none', model='None', weight=1, image=None, resize_mode='Crop and Resize', low_vram=False, processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced', inpaint_crop_input_image=False, hr_option='Both', save_detected_map=True, advanced_weighting=None), UiControlNetUnit(enabled=False, module='none', model='None', weight=1, image=None, resize_mode='Crop and Resize', low_vram=False, processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced', inpaint_crop_input_image=False, hr_option='Both', save_detected_map=True, advanced_weighting=None), UiControlNetUnit(enabled=False, module='none', model='None', weight=1, image=None, resize_mode='Crop and Resize', low_vram=False, processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced', inpaint_crop_input_image=False, hr_option='Both', save_detected_map=True, advanced_weighting=None), UiControlNetUnit(enabled=False, module='none', model='None', weight=1, image=None, resize_mode='Crop and Resize', low_vram=False, processor_res=-1, threshold_a=-1, threshold_b=-1, guidance_start=0, guidance_end=1, pixel_perfect=False, control_mode='Balanced', inpaint_crop_input_image=False, hr_option='Both', save_detected_map=True, advanced_weighting=None), None, False, '0', '0', 'inswapper_128.onnx', 'CodeFormer', 1, True, 'None', 1, 1, False, True, 1, 0, 0, False, 0.5, True, False, 'CPU', False, 0, 'None', '', None, False, False, 0.5, 0, None, False, '0', '/content/gdrive/MyDrive/sd/stable-diffusion-webui/models/roop/inswapper_128.onnx', 'CodeFormer', 1, '', 1, 1, False, True, False, False, 'positive', 'comma', 0, False, False, '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, 0, False, None, None, False, None, None, False, None, None, False, None, None, False, 50) {} Traceback (most recent call last): File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/call_queue.py", line 57, in f res = list(func(*args, **kwargs)) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/call_queue.py", line 36, in f res = func(*args, **kwargs) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/txt2img.py", line 55, in txt2img processed = processing.process_images(p) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/processing.py", line 719, in process_images sd_models.reload_model_weights() File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 858, in reload_model_weights sd_model = reuse_model_from_already_loaded(sd_model, checkpoint_info, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 824, in reuse_model_from_already_loaded load_model(checkpoint_info) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 749, in load_model load_model_weights(sd_model, checkpoint_info, state_dict, timer) File "/content/gdrive/MyDrive/sd/stable-diffusion-webui/modules/sd_models.py", line 370, in load_model_weights if devices.fp8: AttributeError: module 'modules.devices' has no attribute 'fp8' MERCI d'avance ...
Azura-13 commented 6 months ago

same