AUTOMATIC1111 / stable-diffusion-webui

Stable Diffusion web UI
GNU Affero General Public License v3.0
142.66k stars 26.91k forks source link

[Bug]: Extremely slow safetensors/ckpt model loading #14912

Closed zuGROB closed 8 months ago

zuGROB commented 9 months ago

Checklist

What happened?

On the boot of SD everything loads pretty quickly: Model loaded in 5.3s (load weights from disk: 2.0s, create model: 0.6s, apply weights to model: 1.5s, apply float(): 0.1s, load VAE: 0.7s, move model to device: 0.1s, calculate empty prompt: 0.1s).

BUT if I try to change model, this happens: Weights loaded in 473.7s (calculate hash: 1.7s, load weights from disk: 413.0s, apply weights to model: 1.5s, load VAE: 52.3s, hijack: 0.1s, move model to device: 5.0s). It happens with ANY model, wether it safetensors or ckpt It's loading off different SATA SSD, it's NOT SSD problem, because no other file operation causes huge response times as task manager reports, like 70k milliseconds and more. Funnily enough, entire system almost hangs dead on model change. And as I remember, that wasn't happening in last year or about that, before 1.0.0 update as far as I remember

Steps to reproduce the problem

just load any model file, even on clean install

What should have happened?

it should load fast

What browsers do you use to access the UI ?

No response

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "1.7.0", "Commit": "", "Script path": "D:\stable-diffusion-webui-1.7.0", "Data path": "D:\stable-diffusion-webui-1.7.0", "Extensions dir": "D:\stable-diffusion-webui-1.7.0\extensions", "Checksum": "a58ce96a06b313072455b58f1988677b0fb3ff60916f605b0e886b0922831f06", "Commandline": [ "launch.py", "--xformers", "--always-batch-cond-uncond", "--listen", "--opt-split-attention", "--api", "--enable-insecure-extension-access", "--disable-safe-unpickle", "--administrator", "--no-hashing", "--upcast-sampling", "--opt-channelslast", "--no-half" ], "Torch env info": { "torch_version": "2.0.1+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Майкрософт Windows 10 Корпоративная", "libc_version": "N/A", "python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.19045-SP0", "is_cuda_available": "True", "cuda_runtime_version": "12.2.91\r", "cuda_module_loading": "LAZY", "nvidia_driver_version": "551.23", "nvidia_gpu_models": [ "GPU 0: Tesla P40", "GPU 1: NVIDIA GeForce RTX 3090" ], "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.23.5", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.3.0.post0", "torchsde==0.2.6", "torchvision==0.15.2+cu118" ], "conda_packages": null, "hip_compiled_version": "N/A", "hip_runtime_version": "N/A", "miopen_runtime_version": "N/A", "caching_allocator_config": "", "is_xnnpack_available": "True", "cpu_info": [ "Architecture=9", "CurrentClockSpeed=2301", "DeviceID=CPU0", "Family=179", "L2CacheSize=3072", "L2CacheSpeed=", "Manufacturer=GenuineIntel", "MaxClockSpeed=2301", "Name=Intel(R) Xeon(R) CPU E5-2670 v3 @ 2.30GHz", "ProcessorType=3", "Revision=16130" ] }, "Exceptions": [], "CPU": { "model": "Intel64 Family 6 Model 63 Stepping 2, GenuineIntel", "count logical": 24, "count physical": 12 }, "RAM": { "total": "16GB", "used": "10GB", "free": "6GB" }, "Extensions": [ { "name": "OPeditor", "path": "D:\stable-diffusion-webui-1.7.0\extensions\OPeditor", "version": "", "branch": null, "remote": null }, { "name": "Stable-Diffusion-Webui-Civitai-Helper", "path": "D:\stable-diffusion-webui-1.7.0\extensions\Stable-Diffusion-Webui-Civitai-Helper", "version": "7f5707c0", "branch": "main", "remote": "https://github.com/butaixianran/Stable-Diffusion-Webui-Civitai-Helper" }, { "name": "sd-webui-controlnet", "path": "D:\stable-diffusion-webui-1.7.0\extensions\sd-webui-controlnet", "version": "1d03353d", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": " --xformers --always-batch-cond-uncond --listen --opt-split-attention --api --enable-insecure-extension-access --disable-safe-unpickle --administrator --no-hashing --upcast-sampling --opt-channelslast --no-half", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "save_images_replace_action": "Replace", "grid_save": true, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": true, "grid_prevent_empty_spots": false, "grid_zip_filename_pattern": "", "n_rows": -1, "font": "", "grid_text_active_color": "#000000", "grid_text_inactive_color": "#999999", "grid_background_color": "#ffffff", "save_images_before_face_restoration": false, "save_images_before_highres_fix": false, "save_images_before_color_correction": false, "save_mask": false, "save_mask_composite": false, "jpeg_quality": 100, "webp_lossless": false, "export_for_4chan": true, "img_downscale_threshold": 4.0, "target_side_length": 4000, "img_max_size_mp": 200, "use_original_name_batch": true, "use_upscaler_name_as_suffix": false, "save_selected_only": true, "save_init_img": false, "temp_dir": "", "clean_temp_dir_at_start": false, "save_incomplete_images": true, "notification_audio": true, "notification_volume": 100, "outdir_samples": "", "outdir_txt2img_samples": "outputs/txt2img-images", "outdir_img2img_samples": "outputs/img2img-images", "outdir_extras_samples": "outputs/extras-images", "outdir_grids": "", "outdir_txt2img_grids": "outputs/txt2img-grids", "outdir_img2img_grids": "outputs/img2img-grids", "outdir_save": "log/images", "outdir_init_images": "outputs/init-images", "save_to_dirs": true, "grid_save_to_dirs": true, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "upscaler_for_img2img": null, "face_restoration": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "auto_launch_browser": "Disable", "enable_console_prompts": false, "show_warnings": false, "show_gradio_deprecation_warnings": true, "memmon_poll_rate": 0, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": true, "hide_ldm_prints": true, "dump_stacks_on_signal": false, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "unload_models_when_training": false, "pin_memory": false, "save_optimizer_state": false, "save_training_settings_to_txt": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "training_image_repeats_per_epoch": 1, "training_write_csv_every": 500, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "sd_model_checkpoint": "xxmix9realistic_v40.safetensors", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": false, "sd_checkpoint_cache": 0, "sd_unet": "None", "enable_quantization": true, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 10, "CLIP_stop_at_last_layers": 2, "upcast_attn": false, "randn_source": "CPU", "tiling": false, "hires_fix_refiner_pass": "both passes", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_checkpoint_cache": 0, "sd_vae": "animevae.pt", "sd_vae_overrides_per_model_preferences": false, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_extra_noise": 0.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "img2img_editor_height": 720, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "return_mask": false, "return_mask_composite": false, "img2img_batch_show_results_limit": 32, "cross_attention_optimization": "xformers", "s_min_uncond": 0.0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "pad_cond_uncond": true, "persistent_cond_cache": true, "batch_cond_uncond": true, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": false, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 28, "interrogate_clip_max_length": 120, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.2, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_dir_button_function": false, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_card_text_scale": 1.0, "extra_networks_card_show_desc": true, "extra_networks_card_order_field": "Path", "extra_networks_card_order": "Ascending", "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~() ", "keyedit_delimiters_whitespace": [ "Tab", "Carriage Return", "Line Feed" ], "keyedit_move": true, "disable_token_counters": false, "return_grid": true, "do_not_show_images": false, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "gallery_height": "", "compact_prompt_box": false, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "sd_checkpoint_dropdown_use_short": false, "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "txt2img_settings_accordion": false, "img2img_settings_accordion": false, "localization": "None", "quicksettings_list": [ "sd_model_checkpoint" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "gradio_theme": "Default", "gradio_themes_cache": true, "show_progress_in_title": true, "send_seed": true, "send_size": true, "enable_pnginfo": true, "save_txt": false, "add_model_name_to_info": true, "add_model_hash_to_info": true, "add_vae_name_to_info": true, "add_vae_hash_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "infotext_skip_pasting": [], "infotext_styles": "Apply if any", "show_progressbar": true, "live_previews_enable": true, "live_previews_image_format": "jpeg", "show_progress_grid": true, "show_progress_every_n_steps": 2, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Prompt", "live_preview_refresh_period": 50.0, "live_preview_fast_interrupt": true, "js_live_preview_in_modal_lightbox": true, "hide_samplers": [], "eta_ddim": 0.1, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 20, "s_tmin": 0.0, "s_tmax": 0.0, "s_noise": 1.0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "sgm_noise_multiplier": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 8, "postprocessing_existing_caption_action": "Ignore", "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": null, "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "hypertile_enable_unet": false, "hypertile_enable_unet_secondpass": false, "hypertile_max_depth_unet": 3, "hypertile_max_tile_unet": 256, "hypertile_swap_size_unet": 3, "hypertile_enable_vae": false, "hypertile_max_depth_vae": 3, "hypertile_max_tile_vae": 128, "hypertile_swap_size_vae": 3, "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 1, "control_net_inpaint_blur_sigma": 7, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_allow_script_control": false, "control_net_sync_field_args": true, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "controlnet_disable_openpose_edit": false, "controlnet_disable_photopea_edit": false, "controlnet_photopea_warning": true, "controlnet_ignore_noninpaint_mask": false, "lora_functional": false, "sd_lora": "None", "lora_preferred_name": "Alias from file", "lora_add_hashes_to_infotext": true, "lora_show_all": false, "lora_hide_unknown_for_versions": [], "lora_in_memory_limit": 0, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "canvas_hotkey_zoom": "Alt", "canvas_hotkey_adjust": "Ctrl", "canvas_hotkey_move": "F", "canvas_hotkey_fullscreen": "S", "canvas_hotkey_reset": "R", "canvas_hotkey_overlap": "O", "canvas_show_tooltip": true, "canvas_auto_expand": true, "canvas_blur_prompt": false, "canvas_disabled_functions": [ "Overlap" ], "ch_max_size_preview": true, "ch_skip_nsfw_preview": false, "ch_open_url_with_js": true, "ch_proxy": "", "ch_civiai_api_key": "" }, "Startup": { "total": 5.77684473991394, "records": { "app reload callback": 0.0, "scripts unloaded callback": 0.0, "set samplers": 0.0, "list extensions": 0.003905773162841797, "restore config state file": 0.0, "list SD models": 0.012327432632446289, "list localizations": 0.0009577274322509766, "load scripts/custom_code.py": 0.008783578872680664, "load scripts/img2imgalt.py": 0.0009768009185791016, "load scripts/loopback.py": 0.0009806156158447266, "load scripts/outpainting_mk_2.py": 0.0009751319885253906, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_caption.py": 0.0009765625, "load scripts/postprocessing_codeformer.py": 0.0009744167327880859, "load scripts/postprocessing_create_flipped_copies.py": 0.0009789466857910156, "load scripts/postprocessing_focal_crop.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0009739398956298828, "load scripts/postprocessing_split_oversized.py": 0.000978708267211914, "load scripts/postprocessing_upscale.py": 0.0009949207305908203, "load scripts/processing_autosized_crop.py": 0.0, "load scripts/prompt_matrix.py": 0.0009584426879882812, "load scripts/prompts_from_file.py": 0.0009744167327880859, "load scripts/sd_upscale.py": 0.0009779930114746094, "load scripts/xyz_grid.py": 0.0009937286376953125, "load scripts/ldsr_model.py": 0.05042099952697754, "load scripts/lora_script.py": 0.1671886444091797, "load scripts/scunet_model.py": 0.02947854995727539, "load scripts/swinir_model.py": 0.027564287185668945, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0009777545928955078, "load scripts/hypertile_script.py": 0.05482006072998047, "load scripts/hypertile_xyz.py": 0.0009601116180419922, "load scripts/civitai_helper.py": 0.15777373313903809, "load scripts/adapter.py": 0.0009734630584716797, "load scripts/api.py": 0.028322219848632812, "load scripts/batch_hijack.py": 0.0010292530059814453, "load scripts/cldm.py": 0.0005288124084472656, "load scripts/controlmodel_ipadapter.py": 0.0009763240814208984, "load scripts/controlnet.py": 0.1116170883178711, "load scripts/controlnet_diffusers.py": 0.0009763240814208984, "load scripts/controlnet_lllite.py": 0.0009768009185791016, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0009765625, "load scripts/controlnet_version.py": 0.0009768009185791016, "load scripts/enums.py": 0.0009763240814208984, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0009772777557373047, "load scripts/hook.py": 0.0009763240814208984, "load scripts/infotext.py": 0.0009760856628417969, "load scripts/logging.py": 0.0009760856628417969, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0009770393371582031, "load scripts/processor.py": 0.0009763240814208984, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.0009768009185791016, "load scripts/refiner.py": 0.0009765625, "load scripts/seed.py": 0.0, "load scripts": 0.6687769889831543, "reload script modules": 0.07298803329467773, "load upscalers": 0.001506805419921875, "refresh VAE": 0.0009770393371582031, "refresh textual inversion templates": 0.0009756088256835938, "scripts list_optimizers": 0.0009760856628417969, "scripts list_unets": 0.0, "reload hypernetworks": 0.0009746551513671875, "initialize extra networks": 0.0, "scripts before_ui_callback": 0.0009791851043701172, "create ui": 0.7032227516174316, "gradio launch": 4.180481195449829, "add APIs": 0.12484192848205566, "app_started_callback/lora_script.py": 0.0, "app_started_callback/api.py": 0.003929615020751953, "app_started_callback": 0.003929615020751953 } }, "Packages": [ "absl-py==2.1.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.9.3", "aiosignal==1.3.1", "albumentations==1.3.1", "altair==5.2.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.2.0", "basicsr==1.4.2", "beautifulsoup4==4.12.3", "blendmodes==2022", "certifi==2024.2.2", "cffi==1.16.0", "chardet==5.2.0", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "colorama==0.4.6", "coloredlogs==15.0.1", "colorlog==6.8.2", "contourpy==1.2.0", "cssselect2==0.7.0", "cycler==0.12.1", "cython==3.0.8", "deprecation==2.1.0", "easydict==1.11", "einops==0.4.1", "embreex==2.17.7.post4", "exceptiongroup==1.2.0", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.13.1", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.48.1", "frozenlist==1.4.1", "fsspec==2024.2.0", "ftfy==6.1.3", "future==0.18.3", "fvcore==0.1.5.post20221221", "gdown==5.1.0", "gfpgan==1.3.8", "gitdb==4.0.11", "gitpython==3.1.32", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.60.1", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.20.3", "humanfriendly==10.0", "idna==3.6", "imageio==2.33.1", "importlib-metadata==7.0.1", "importlib-resources==6.1.1", "inflection==0.5.1", "insightface==0.7.3", "iopath==0.1.9", "jinja2==3.1.3", "joblib==1.3.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.21.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.10.1", "llvmlite==0.42.0", "lmdb==1.4.1", "lpips==0.1.4", "lxml==5.1.0", "mapbox-earcut==1.0.1", "markdown==3.5.2", "markupsafe==2.1.5", "matplotlib==3.8.2", "mediapipe==0.10.9", "mpmath==1.3.0", "multidict==6.0.5", "networkx==3.2.1", "numba==0.59.0", "numpy==1.23.5", "omegaconf==2.2.3", "onnx==1.15.0", "onnxruntime==1.17.0", "open-clip-torch==2.20.0", "opencv-contrib-python==4.9.0.80", "opencv-python-headless==4.9.0.80", "opencv-python==4.9.0.80", "orjson==3.9.13", "packaging==23.2", "pandas==2.2.0", "piexif==1.1.3", "pillow==9.5.0", "pip==22.2.1", "platformdirs==4.2.0", "portalocker==2.8.2", "prettytable==3.9.0", "protobuf==4.25.2", "psutil==5.9.5", "pycollada==0.8", "pycparser==2.21", "pydantic==1.10.14", "pydub==0.25.1", "pyparsing==3.1.1", "pyreadline3==3.4.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytz==2024.1", "pywavelets==1.5.0", "pywin32==306", "pyyaml==6.0.1", "qudida==0.0.4", "realesrgan==0.3.0", "referencing==0.33.0", "regex==2023.12.25", "reportlab==4.1.0", "requests==2.31.0", "resize-right==0.0.2", "rpds-py==0.17.1", "rtree==1.2.0", "safetensors==0.3.1", "scikit-image==0.21.0", "scikit-learn==1.4.0", "scipy==1.12.0", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==63.2.0", "shapely==2.0.2", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.5", "starlette==0.26.1", "svg.path==6.3", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.16.0a20240210", "tensorboard-data-server==0.7.2", "termcolor==2.4.0", "tf-keras-nightly==2.16.0.dev2024021010", "threadpoolctl==3.2.0", "tifffile==2024.1.30", "timm==0.9.2", "tinycss2==1.2.1", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.1", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.3.0.post0", "torchsde==0.2.6", "torchvision==0.15.2+cu118", "tqdm==4.66.2", "trampoline==0.1.2", "transformers==4.30.2", "trimesh==4.1.3", "typing-extensions==4.9.0", "tzdata==2023.4", "urllib3==2.2.0", "uvicorn==0.27.1", "vhacdx==0.0.5", "wcwidth==0.2.13", "webencodings==0.5.1", "websockets==11.0.3", "werkzeug==3.0.1", "xformers==0.0.20", "xxhash==3.4.1", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.4", "zipp==3.17.0" ] } SquareX Safe File Viewer ✕

Console logs

First boot:
 loaded in 5.3s (load weights from disk: 2.0s, create model: 0.6s, apply weights to model: 1.5s, apply float(): 0.1s, load VAE: 0.7s, move model to device: 0.1s, calculate empty prompt: 0.1s).

Any model change:
```Weights loaded in 473.7s (calculate hash: 1.7s, load weights from disk: 413.0s, apply weights to model: 1.5s, load VAE: 52.3s, hijack: 0.1s, move model to device: 5.0s).```

Additional information

It was working fine on some old release, definatelly pre-1.0, sadly I can't remeber which one

Cyberes commented 9 months ago

@EpicGames/artv2-admin @EpicGames/developers @EpicTeamAdmin

zuGROB commented 8 months ago

Issue found - dead SATA cable. Drive formatting and cable change helped