[Bug]: OSError: None is not a local folder and is not a valid model identifier listed on 'https://huggingface.co/models' If this is a private repository, make sure to pass a token having permission to this repo either by logging in with huggingface-cli login
or by passing token=<your_token>
#16658
Labels
bug-report
Report of a bug, yet to be confirmed
Checklist
What happened?
error when tryin to load pony diffusion v6xl model to automatic1111
Steps to reproduce the problem
lunch webui
trying to load pony diffusion v6xl
fail
What should have happened?
webui should load the model succesfully
What browsers do you use to access the UI ?
Google Chrome
Sysinfo
{
"Platform": "Windows-10-10.0.22621-SP0",
"Python": "3.10.6",
"Version": "v1.10.1-amd-17-g745b20b7",
"Commit": "745b20b7c69a1fa10ee789b3981484389ac80aef",
"Git status": "On branch master\nYour branch is up to date with 'origin/master'.\n\nChanges not staged for commit:\n (use "git add ..." to update what will be committed)\n (use "git restore ..." to discard changes in working directory)\n\tmodified: modules/sd_disable_initialization.py\n\tmodified: webui-user.bat\n\nUntracked files:\n (use "git add ..." to include in what will be committed)\n\tgitattributes\n\nno changes added to commit (use "git add" and/or "git commit -a")",
"Script path": "D:\sd\stable-diffusion-webui-amdgpu",
"Data path": "D:\sd\stable-diffusion-webui-amdgpu",
"Extensions dir": "D:\sd\stable-diffusion-webui-amdgpu\extensions",
"Checksum": "046d87d71c59007d22cde88971947ae9218414149ed5def2376c40ddd53d80aa",
"Commandline": [
"launch.py",
"--share",
"--use-directml",
"--opt-sub-quad-attention",
"--no-half",
"--disable-nan-check",
"--autolaunch"
],
"Torch env info": {
"torch_version": "2.4.1+cpu",
"is_debug_build": "False",
"cuda_compiled_version": null,
"gcc_version": null,
"clang_version": null,
"cmake_version": null,
"os": "Microsoft Windows 11 Pro",
"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.22621-SP0",
"is_cuda_available": "False",
"cuda_runtime_version": null,
"cuda_module_loading": "N/A",
"nvidia_driver_version": null,
"nvidia_gpu_models": null,
"cudnn_version": null,
"pip_version": "pip3",
"pip_packages": [
"numpy==1.26.2",
"onnx==1.16.2",
"onnxruntime==1.20.0",
"onnxruntime-directml==1.20.0",
"open-clip-torch==2.20.0",
"pytorch-lightning==1.9.4",
"torch==2.4.1",
"torch-directml==0.2.5.dev240914",
"torchdiffeq==0.2.3",
"torchmetrics==1.6.0",
"torchsde==0.2.6",
"torchvision==0.19.1"
],
"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=3300",
"DeviceID=CPU0",
"Family=206",
"L2CacheSize=5120",
"L2CacheSpeed=",
"Manufacturer=GenuineIntel",
"MaxClockSpeed=3300",
"Name=12th Gen Intel(R) Core(TM) i3-12100F",
"ProcessorType=3",
"Revision="
]
},
"Exceptions": [
{
"exception": "None is not a local folder and is not a valid model identifier listed on 'https://huggingface.co/models'\nIf this is a private repository, make sure to pass a token having permission to this repo either by logging in with
huggingface-cli login
or by passingtoken=<your_token>
","traceback": [
[
"D:\sd\stable-diffusion-webui-amdgpu\modules\sd_models.py, line 831, load_model",
"sd_model = instantiate_from_config(sd_config.model, state_dict)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\modules\sd_models.py, line 775, instantiate_from_config",
"return constructor(**params)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\generative-models\sgm\models\diffusion.py, line 61, init",
"self.conditioner = instantiate_from_config("
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\generative-models\sgm\util.py, line 175, instantiate_from_config",
"return get_obj_from_str(config["target"])(**config.get("params", dict()))"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\generative-models\sgm\modules\encoders\modules.py, line 88, init",
"embedder = instantiate_from_config(embconfig)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\generative-models\sgm\util.py, line 175, instantiate_from_config",
"return get_obj_from_str(config["target"])(**config.get("params", dict()))"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\generative-models\sgm\modules\encoders\modules.py, line 361, init",
"self.transformer = CLIPTextModel.from_pretrained(version)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\modules\sd_disable_initialization.py, line 68, CLIPTextModel_from_pretrained",
"res = self.CLIPTextModel_from_pretrained(None, *model_args, config=pretrained_model_name_or_path, state_dict={}, **kwargs)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\venv\lib\site-packages\transformers\modeling_utils.py, line 3506, from_pretrained",
"resolved_config_file = cached_file("
],
[
"D:\sd\stable-diffusion-webui-amdgpu\venv\lib\site-packages\transformers\utils\hub.py, line 426, cached_file",
"raise EnvironmentError("
]
]
},
{
"exception": "None is not a local folder and is not a valid model identifier listed on 'https://huggingface.co/models'\nIf this is a private repository, make sure to pass a token having permission to this repo either by logging in with
huggingface-cli login
or by passingtoken=<your_token>
","traceback": [
[
"D:\sd\stable-diffusion-webui-amdgpu\modules\sd_models.py, line 831, load_model",
"sd_model = instantiate_from_config(sd_config.model, state_dict)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\modules\sd_models.py, line 775, instantiate_from_config",
"return constructor(**params)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\stable-diffusion-stability-ai\ldm\models\diffusion\ddpm.py, line 563, init",
"self.instantiate_cond_stage(cond_stage_config)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\stable-diffusion-stability-ai\ldm\models\diffusion\ddpm.py, line 630, instantiate_cond_stage",
"model = instantiate_from_config(config)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\stable-diffusion-stability-ai\ldm\util.py, line 89, instantiate_from_config",
"return get_obj_from_str(config["target"])(**config.get("params", dict()))"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\repositories\stable-diffusion-stability-ai\ldm\modules\encoders\modules.py, line 104, init",
"self.transformer = CLIPTextModel.from_pretrained(version)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\modules\sd_disable_initialization.py, line 68, CLIPTextModel_from_pretrained",
"res = self.CLIPTextModel_from_pretrained(None, model_args, config=pretrained_model_name_or_path, state_dict={}, **kwargs)"
],
[
"D:\sd\stable-diffusion-webui-amdgpu\venv\lib\site-packages\transformers\modeling_utils.py, line 3506, from_pretrained",
"resolved_config_file = cached_file("
],
[
"D:\sd\stable-diffusion-webui-amdgpu\venv\lib\site-packages\transformers\utils\hub.py, line 426, cached_file",
"raise EnvironmentError("
]
]
}
],
"CPU": {
"model": "Intel64 Family 6 Model 151 Stepping 5, GenuineIntel",
"count logical": 8,
"count physical": 4
},
"RAM": {
"total": "16GB",
"used": "12GB",
"free": "4GB"
},
"Extensions": [],
"Inactive extensions": [],
"Environment": {
"COMMANDLINE_ARGS": "--share --use-directml --opt-sub-quad-attention --no-half --disable-nan-check --autolaunch",
"GRADIO_ANALYTICS_ENABLED": "False"
},
"Config": {
"ldsr_steps": 100,
"ldsr_cached": false,
"SCUNET_tile": 256,
"SCUNET_tile_overlap": 8,
"SWIN_tile": 192,
"SWIN_tile_overlap": 8,
"SWIN_torch_compile": false,
"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,
"sd_model_checkpoint": "ponyDiffusionV6XL_v6StartWithThisOne.safetensors [67ab2fd8ec]",
"sd_checkpoint_hash": "6ce0161689b3853acaa03779ec93eafe75a02f4ced659bee03f50797806fa2fa",
"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",
"onnx_cached_models_path": "D:\sd\stable-diffusion-webui-amdgpu\models\ONNX\cache",
"onnx_temp_dir": "D:\sd\stable-diffusion-webui-amdgpu\models\ONNX\temp",
"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": 80,
"webp_lossless": false,
"export_for_4chan": true,
"img_downscale_threshold": 4.0,
"target_side_length": 4000.0,
"img_max_size_mp": 200.0,
"use_original_name_batch": true,
"use_upscaler_name_as_suffix": false,
"save_selected_only": true,
"save_write_log_csv": true,
"save_init_img": false,
"temp_dir": "",
"clean_temp_dir_at_start": false,
"save_incomplete_images": false,
"notification_audio": true,
"notification_volume": 100,
"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,
"auto_backcompat": 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,
"hires_fix_use_firstpass_conds": false,
"use_old_scheduling": false,
"use_downcasted_alpha_bar": false,
"refiner_switch_by_sample_steps": false,
"lora_functional": false,
"extra_networks_show_hidden_directories": true,
"extra_networks_dir_button_function": false,
"extra_networks_hidden_models": "When searched",
"extra_networks_default_multiplier": 1,
"extra_networks_card_width": 0.0,
"extra_networks_card_height": 0.0,
"extra_networks_card_text_scale": 1,
"extra_networks_card_show_desc": true,
"extra_networks_card_description_is_html": false,
"extra_networks_card_order_field": "Path",
"extra_networks_card_order": "Ascending",
"extra_networks_tree_view_style": "Dirs",
"extra_networks_tree_view_default_enabled": true,
"extra_networks_tree_view_default_width": 180.0,
"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",
"sd_lora": "None",
"lora_preferred_name": "Alias from file",
"lora_add_hashes_to_infotext": true,
"lora_bundled_ti_to_infotext": true,
"lora_show_all": false,
"lora_hide_unknown_for_versions": [],
"lora_in_memory_limit": 0,
"lora_not_found_warning_console": false,
"lora_not_found_gradio_warning": false,
"onnx_enable": false,
"diffusers_pipeline": "ONNX Stable Diffusion",
"diffusers_vae_upcast": "default",
"onnx_execution_provider": "DmlExecutionProvider",
"onnx_cache_converted": true,
"olive_enable": false,
"olive_submodels": [],
"olive_float16": true,
"olive_vae_encoder_float32": false,
"olive_static_dims": true,
"olive_cache_optimized": true,
"cross_attention_optimization": "Automatic",
"s_min_uncond": 0,
"s_min_uncond_all": false,
"token_merging_ratio": 0,
"token_merging_ratio_img2img": 0,
"token_merging_ratio_hr": 0,
"pad_cond_uncond": false,
"pad_cond_uncond_v0": false,
"persistent_cond_cache": true,
"batch_cond_uncond": true,
"fp8_storage": "Disable",
"cache_fp16_weight": false,
"directml_memory_provider": "Performance Counter",
"hide_samplers": [],
"eta_ddim": 0,
"eta_ancestral": 1,
"ddim_discretize": "uniform",
"s_churn": 0,
"s_tmin": 0,
"s_tmax": 0,
"s_noise": 1,
"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,
"sd_noise_schedule": "Default",
"skip_early_cond": 0,
"beta_dist_alpha": 0.6,
"beta_dist_beta": 0.6,
"sd_checkpoints_limit": 1,
"sd_checkpoints_keep_in_cpu": true,
"sd_checkpoint_cache": 0,
"sd_unet": "Automatic",
"enable_quantization": false,
"emphasis": "Original",
"enable_batch_seeds": true,
"comma_padding_backtrack": 20,
"sdxl_clip_l_skip": false,
"CLIP_stop_at_last_layers": 1,
"upcast_attn": false,
"randn_source": "GPU",
"tiling": false,
"hires_fix_refiner_pass": "second pass",
"enable_prompt_comments": true,
"sd3_enable_t5": false,
"sdxl_crop_top": 0.0,
"sdxl_crop_left": 0.0,
"sdxl_refiner_low_aesthetic_score": 2.5,
"sdxl_refiner_high_aesthetic_score": 6.0,
"sd_vae_checkpoint_cache": 0,
"sd_vae": "sdxl_vae.safetensors",
"sd_vae_overrides_per_model_preferences": true,
"auto_vae_precision_bfloat16": false,
"auto_vae_precision": true,
"sd_vae_encode_method": "Full",
"sd_vae_decode_method": "Full",
"inpainting_mask_weight": 1,
"initial_noise_multiplier": 1,
"img2img_extra_noise": 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,
"overlay_inpaint": true,
"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.0,
"sd_webui_modal_lightbox_icon_opacity": 1,
"sd_webui_modal_lightbox_toolbar_opacity": 0.9,
"gallery_height": "",
"open_dir_button_choice": "Subdirectory",
"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": "png",
"show_progress_grid": true,
"show_progress_every_n_steps": 10,
"show_progress_type": "Approx NN",
"live_preview_allow_lowvram_full": false,
"live_preview_content": "Prompt",
"live_preview_refresh_period": 1000.0,
"live_preview_fast_interrupt": false,
"js_live_preview_in_modal_lightbox": false,
"prevent_screen_sleep_during_generation": true,
"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,
"include_styles_into_token_counters": true,
"extra_options_txt2img": [],
"extra_options_img2img": [],
"extra_options_cols": 1,
"extra_options_accordion": false,
"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,
"interrupt_after_current": true,
"localization": "None",
"quicksettings_list": [
"sd_model_checkpoint",
"sd_vae",
"CLIP_stop_at_last_layers"
],
"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_reloading_ui_scripts": false,
"api_enable_requests": true,
"api_forbid_local_requests": true,
"api_useragent": "",
"prioritized_callbacks_app_started": [],
"prioritized_callbacks_model_loaded": [],
"prioritized_callbacks_ui_settings": [],
"prioritized_callbacks_infotext_pasted": [],
"prioritized_callbacks_script_unloaded": [],
"prioritized_callbacks_before_ui": [],
"prioritized_callbacks_list_optimizers": [],
"prioritized_callbacks_before_token_counter": [],
"prioritized_callbacks_script_before_process": [],
"prioritized_callbacks_script_process": [],
"prioritized_callbacks_script_post_sample": [],
"prioritized_callbacks_script_on_mask_blend": [],
"prioritized_callbacks_script_postprocess_maskoverlay": [],
"profiling_enable": false,
"profiling_activities": [
"CPU"
],
"profiling_record_shapes": true,
"profiling_profile_memory": true,
"profiling_with_stack": true,
"profiling_filename": "trace.json",
"auto_launch_browser": "Local",
"enable_console_prompts": false,
"show_warnings": false,
"show_gradio_deprecation_warnings": true,
"memmon_poll_rate": 8,
"samples_log_stdout": false,
"multiple_tqdm": true,
"enable_upscale_progressbar": true,
"print_hypernet_extra": false,
"list_hidden_files": true,
"disable_mmap_load_safetensors": false,
"hide_ldm_prints": true,
"dump_stacks_on_signal": false,
"face_restoration": false,
"face_restoration_model": "CodeFormer",
"code_former_weight": 0.5,
"face_restoration_unload": false,
"postprocessing_enable_in_main_ui": [],
"postprocessing_disable_in_extras": [],
"postprocessing_operation_order": [],
"upscaling_max_images_in_cache": 5,
"postprocessing_existing_caption_action": "Ignore",
"ESRGAN_tile": 192,
"ESRGAN_tile_overlap": 8,
"realesrgan_enabled_models": [
"R-ESRGAN 4x+",
"R-ESRGAN 4x+ Anime6B"
],
"dat_enabled_models": [
"DAT x2",
"DAT x3",
"DAT x4"
],
"DAT_tile": 192,
"DAT_tile_overlap": 8,
"set_scale_by_when_changing_upscaler": false,
"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.0,
"training_xattention_optimizations": false,
"training_enable_tensorboard": false,
"training_tensorboard_save_images": false,
"training_tensorboard_flush_every": 120.0,
"canvas_hotkey_zoom": "Alt",
"canvas_hotkey_adjust": "Ctrl",
"canvas_hotkey_shrink_brush": "Q",
"canvas_hotkey_grow_brush": "W",
"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"
],
"interrogate_keep_models_in_memory": false,
"interrogate_return_ranks": false,
"interrogate_clip_num_beams": 1,
"interrogate_clip_min_length": 24,
"interrogate_clip_max_length": 48,
"interrogate_clip_dict_limit": 1500.0,
"interrogate_clip_skip_categories": [],
"interrogate_deepbooru_score_threshold": 0.5,
"deepbooru_sort_alpha": true,
"deepbooru_use_spaces": true,
"deepbooru_escape": true,
"deepbooru_filter_tags": ""
},
"Startup": {
"total": 16.544913053512573,
"records": {
"initial startup": 0.021877288818359375,
"prepare environment/checks": 0.019692659378051758,
"prepare environment/git version info": 0.09234809875488281,
"prepare environment/clone repositores": 0.1839299201965332,
"prepare environment/run extensions installers": 0.0,
"prepare environment": 14.426397800445557,
"launcher": 0.0019998550415039062,
"import torch": 0.0,
"import gradio": 0.0,
"setup paths": 0.0009992122650146484,
"import ldm": 0.0021588802337646484,
"import sgm": 0.0,
"initialize shared": 1.1551156044006348,
"other imports": 0.043064117431640625,
"opts onchange": 0.0,
"setup SD model": 0.0010004043579101562,
"setup codeformer": 0.0015113353729248047,
"setup gfpgan": 0.01451253890991211,
"set samplers": 0.0009946823120117188,
"list extensions": 0.0045125484466552734,
"restore config state file": 0.0,
"list SD models": 0.0312657356262207,
"list localizations": 0.0010027885437011719,
"load scripts/custom_code.py": 0.0030031204223632812,
"load scripts/img2imgalt.py": 0.0009925365447998047,
"load scripts/loopback.py": 0.0,
"load scripts/outpainting_mk_2.py": 0.0010085105895996094,
"load scripts/poor_mans_outpainting.py": 0.0,
"load scripts/postprocessing_codeformer.py": 0.0009922981262207031,
"load scripts/postprocessing_gfpgan.py": 0.0005042552947998047,
"load scripts/postprocessing_upscale.py": 0.0,
"load scripts/prompt_matrix.py": 0.0,
"load scripts/prompts_from_file.py": 0.0010037422180175781,
"load scripts/sd_upscale.py": 0.0,
"load scripts/xyz_grid.py": 0.0009996891021728516,
"load scripts/ldsr_model.py": 0.22868919372558594,
"load scripts/lora_script.py": 0.19754981994628906,
"load scripts/scunet_model.py": 0.029579639434814453,
"load scripts/swinir_model.py": 0.029569149017333984,
"load scripts/hotkey_config.py": 0.0009942054748535156,
"load scripts/extra_options_section.py": 0.001001119613647461,
"load scripts/hypertile_script.py": 0.05925774574279785,
"load scripts/postprocessing_autosized_crop.py": 0.0009982585906982422,
"load scripts/postprocessing_caption.py": 0.0,
"load scripts/postprocessing_create_flipped_copies.py": 0.001260519027709961,
"load scripts/postprocessing_focal_crop.py": 0.0019989013671875,
"load scripts/postprocessing_split_oversized.py": 0.0,
"load scripts/soft_inpainting.py": 0.0,
"load scripts/comments.py": 0.02957892417907715,
"load scripts/refiner.py": 0.0,
"load scripts/sampler.py": 0.0010001659393310547,
"load scripts/seed.py": 0.0,
"load scripts": 0.5899817943572998,
"load upscalers": 0.0029916763305664062,
"refresh VAE": 0.0020041465759277344,
"refresh textual inversion templates": 0.0,
"scripts list_optimizers": 0.0020203590393066406,
"scripts list_unets": 0.0,
"reload hypernetworks": 0.0010018348693847656,
"initialize extra networks": 0.01405644416809082,
"scripts before_ui_callback": 0.001999378204345703,
"create ui": 0.3370859622955322,
"gradio launch": 6.960802316665649,
"add APIs": 0.007516384124755859,
"app_started_callback/lora_script.py": 0.0010023117065429688,
"app_started_callback": 0.0010023117065429688
}
},
"Packages": [
"accelerate==0.21.0",
"aenum==3.1.15",
"aiofiles==23.2.1",
"aiohappyeyeballs==2.4.3",
"aiohttp==3.11.2",
"aiosignal==1.3.1",
"alembic==1.14.0",
"altair==5.4.1",
"antlr4-python3-runtime==4.9.3",
"anyio==3.7.1",
"async-timeout==5.0.1",
"attrs==24.2.0",
"blendmodes==2022",
"certifi==2024.8.30",
"charset-normalizer==3.4.0",
"clean-fid==0.1.35",
"click==8.1.7",
"clip @ https://github.com/openai/CLIP/archive/d50d76daa670286dd6cacf3bcd80b5e4823fc8e1.zip#sha256=b5842c25da441d6c581b53a5c60e0c2127ebafe0f746f8e15561a006c6c3be6a",
"colorama==0.4.6",
"coloredlogs==15.0.1",
"colorlog==6.9.0",
"contourpy==1.3.1",
"cycler==0.12.1",
"datasets==2.14.4",
"deprecation==2.1.0",
"diffusers==0.30.2",
"dill==0.3.7",
"diskcache==5.6.3",
"einops==0.4.1",
"exceptiongroup==1.2.2",
"facexlib==0.3.0",
"fastapi==0.94.0",
"ffmpy==0.4.0",
"filelock==3.16.1",
"filterpy==1.4.5",
"flatbuffers==24.3.25",
"fonttools==4.55.0",
"frozenlist==1.5.0",
"fsspec==2024.10.0",
"ftfy==6.3.1",
"gitdb==4.0.11",
"GitPython==3.1.32",
"gradio==3.41.2",
"gradio_client==0.5.0",
"greenlet==3.1.1",
"h11==0.12.0",
"httpcore==0.15.0",
"httpx==0.24.1",
"huggingface-hub==0.26.2",
"humanfriendly==10.0",
"idna==3.10",
"imageio==2.36.0",
"importlib_metadata==8.5.0",
"importlib_resources==6.4.5",
"inflection==0.5.1",
"Jinja2==3.1.4",
"jsonmerge==1.8.0",
"jsonschema==4.23.0",
"jsonschema-specifications==2024.10.1",
"kiwisolver==1.4.7",
"kornia==0.6.7",
"lark==1.1.2",
"lazy_loader==0.4",
"lightning-utilities==0.11.8",
"llvmlite==0.43.0",
"Mako==1.3.6",
"MarkupSafe==2.1.5",
"matplotlib==3.9.2",
"mpmath==1.3.0",
"multidict==6.1.0",
"multiprocess==0.70.15",
"narwhals==1.13.5",
"networkx==3.4.2",
"numba==0.60.0",
"numpy==1.26.2",
"olive-ai==0.7.1.1",
"omegaconf==2.2.3",
"onnx==1.16.2",
"onnxruntime==1.20.0",
"onnxruntime-directml==1.20.0",
"open-clip-torch==2.20.0",
"opencv-python==4.10.0.84",
"optimum==1.23.3",
"optuna==4.1.0",
"orjson==3.10.11",
"packaging==24.2",
"pandas==2.2.3",
"piexif==1.1.3",
"Pillow==9.5.0",
"pillow-avif-plugin==1.4.3",
"pip==24.3.1",
"propcache==0.2.0",
"protobuf==3.20.2",
"psutil==5.9.5",
"pyarrow==18.0.0",
"pydantic==1.10.19",
"pydub==0.25.1",
"pyparsing==3.2.0",
"pyreadline3==3.5.4",
"python-dateutil==2.9.0.post0",
"python-multipart==0.0.17",
"pytorch-lightning==1.9.4",
"pytz==2024.2",
"PyWavelets==1.7.0",
"PyYAML==6.0.2",
"referencing==0.35.1",
"regex==2024.11.6",
"requests==2.32.3",
"resize-right==0.0.2",
"rpds-py==0.21.0",
"safetensors==0.4.2",
"scikit-image==0.21.0",
"scipy==1.14.1",
"semantic-version==2.10.0",
"sentencepiece==0.2.0",
"setuptools==69.5.1",
"six==1.16.0",
"smmap==5.0.1",
"sniffio==1.3.1",
"spandrel==0.3.4",
"spandrel_extra_arches==0.1.1",
"SQLAlchemy==2.0.36",
"starlette==0.26.1",
"sympy==1.13.3",
"tifffile==2024.9.20",
"timm==1.0.11",
"tokenizers==0.20.3",
"tomesd==0.1.3",
"torch==2.4.1",
"torch-directml==0.2.5.dev240914",
"torchdiffeq==0.2.3",
"torchmetrics==1.6.0",
"torchsde==0.2.6",
"torchvision==0.19.1",
"tqdm==4.67.0",
"trampoline==0.1.2",
"transformers==4.46.2",
"typing_extensions==4.12.2",
"tzdata==2024.2",
"urllib3==2.2.3",
"uvicorn==0.32.0",
"wcwidth==0.2.13",
"websockets==11.0.3",
"xxhash==3.5.0",
"yarl==1.17.1",
"zipp==3.21.0"
]
}
Console logs
Additional information
No response
The text was updated successfully, but these errors were encountered: