[X] I have searched the existing issues and checked the recent builds/commits
What happened?
None of the four options to resize image within Img2Img are working. Below are two examples of error from the console when attempting to upscale an image,
Just Resize ---
Traceback (most recent call last):
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1429, in process_api
inputs = self.preprocess_data(fn_index, inputs, state)
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1239, in preprocess_data
processed_input.append(block.preprocess(inputs[i]))
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\components\radio.py", line 170, in preprocess
return [value for _, value in self.choices].index(x)
ValueError: ['Just resize', 'Just resize'] is not in list
Just Resize (Latest Upscale) ---
Traceback (most recent call last):
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1429, in process_api
inputs = self.preprocess_data(fn_index, inputs, state)
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1239, in preprocess_data
processed_input.append(block.preprocess(inputs[i]))
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\components\radio.py", line 170, in preprocess
return [value for _, value in self.choices].index(x)
ValueError: ['Just resize (latent upscale)', 'Just resize (latent upscale)'] is not in list
Steps to reproduce the problem
Go to PNGInfo.
Add previously gen'ed image.
Send to Img2Img.
Select any option under Resize Mode.
Select an appropriate resolution to resize to, or resize by.
Click generate.
See error in console window.
What should have happened?
The input image should have been resized/upscales, however that does not happen. The console throws an error.
Already up to date.
venv "D:\SD\stable-diffusion-webui\venv\Scripts\Python.exe"
Python 3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)]
Version: v1.6.0
Commit hash: 5ef669de080814067961f28357256e8fe27544f4
Launching Web UI with arguments: --xformers
=================================================================================
You are running xformers 0.0.20.dev526.
The program is tested to work with xformers 0.0.20.
To reinstall the desired version, run with commandline flag --reinstall-xformers.
Use --skip-version-check commandline argument to disable this check.
=================================================================================
[-] ADetailer initialized. version: 23.8.0, num models: 9
[AddNet] Updating model hashes...
0it [00:00, ?it/s]
[AddNet] Updating model hashes...
0it [00:00, ?it/s]
2023-09-01 23:11:52,132 - ControlNet - INFO - ControlNet v1.1.303
ControlNet preprocessor location: D:\SD\stable-diffusion-webui\extensions\sd-webui-controlnet\annotator\downloads
2023-09-01 23:11:52,639 - ControlNet - INFO - ControlNet v1.1.303
Loading weights [c3784efc60] from D:\SD\stable-diffusion-webui\models\Stable-diffusion\02-forgottenmixCartoon2_v10.safetensors
D:\SD\stable-diffusion-webui\extensions\sd-webui-controlnet\scripts\controlnet_ui\controlnet_ui_group.py:167: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row(elem_classes=["cnet-image-row"]).style(equal_height=True):
D:\SD\stable-diffusion-webui\extensions\sd-webui-controlnet\scripts\controlnet_ui\controlnet_ui_group.py:181: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
self.generated_image = gr.Image(
D:\SD\stable-diffusion-webui\extensions\sd-webui-regional-prompter\scripts\rp.py:75: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
areasimg = gr.Image(type="pil", show_label = False).style(height=256,width=256)
D:\SD\stable-diffusion-webui\extensions\stable-diffusion-webui-two-shot\scripts\two_shot.py:397: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
canvas_image = gr.Image(source='upload', mirror_webcam=False, type='numpy', tool='color-sketch',
D:\SD\stable-diffusion-webui\extensions\stable-diffusion-webui-two-shot\scripts\two_shot.py:471: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
visual_regions = gr.Gallery(label="Regions").style(grid=(4, 4, 4, 8), height="auto")
D:\SD\stable-diffusion-webui\extensions\stable-diffusion-webui-two-shot\scripts\two_shot.py:471: GradioDeprecationWarning: The 'grid' parameter will be deprecated. Please use 'columns' in the constructor instead.
visual_regions = gr.Gallery(label="Regions").style(grid=(4, 4, 4, 8), height="auto")
D:\SD\stable-diffusion-webui\extensions\sd-webui-additional-networks\scripts\metadata_editor.py:399: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
with gr.Row().style(equal_height=False):
D:\SD\stable-diffusion-webui\extensions\sd-webui-additional-networks\scripts\metadata_editor.py:521: GradioDeprecationWarning: The `style` method is deprecated. Please set these arguments in the constructor instead.
cover_image = gr.Image(
Creating model from config: D:\SD\stable-diffusion-webui\configs\v1-inference.yaml
Running on local URL: http://127.0.0.1:7860
To create a public link, set `share=True` in `launch()`.
Startup time: 97.5s (prepare environment: 41.9s, import torch: 19.6s, import gradio: 0.9s, setup paths: 7.1s, initialize shared: 1.0s, other imports: 8.9s, setup codeformer: 1.5s, setup gfpgan: 0.3s, list SD models: 2.6s, load scripts: 8.9s, initialize extra networks: 0.2s, create ui: 3.9s, gradio launch: 1.4s).
Traceback (most recent call last):
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1429, in process_api
inputs = self.preprocess_data(fn_index, inputs, state)
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1239, in preprocess_data
processed_input.append(block.preprocess(inputs[i]))
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\components\radio.py", line 170, in preprocess
return [value for _, value in self.choices].index(x)
ValueError: ['Just resize (latent upscale)', 'Just resize (latent upscale)'] is not in list
Loading VAE weights specified in settings: D:\SD\stable-diffusion-webui\models\VAE\vae-ft-mse-840000-ema-pruned.ckpt
Applying attention optimization: xformers... done.
Model loaded in 105.9s (load weights from disk: 5.0s, create model: 1.7s, apply weights to model: 80.0s, apply half(): 8.9s, load VAE: 3.0s, load textual inversion embeddings: 0.6s, calculate empty prompt: 6.7s).
100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 30/30 [00:11<00:00, 2.72it/s]
Total progress: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 30/30 [00:07<00:00, 4.00it/s]
Traceback (most recent call last):██████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 30/30 [00:07<00:00, 4.17it/s]
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\routes.py", line 488, in run_predict
output = await app.get_blocks().process_api(
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1429, in process_api
inputs = self.preprocess_data(fn_index, inputs, state)
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\blocks.py", line 1239, in preprocess_data
processed_input.append(block.preprocess(inputs[i]))
File "D:\SD\stable-diffusion-webui\venv\lib\site-packages\gradio\components\radio.py", line 170, in preprocess
return [value for _, value in self.choices].index(x)
ValueError: ['Just resize', 'Just resize'] is not in list
Is there an existing issue for this?
What happened?
None of the four options to resize image within Img2Img are working. Below are two examples of error from the console when attempting to upscale an image,
Just Resize ---
Just Resize (Latest Upscale) ---
Steps to reproduce the problem
What should have happened?
The input image should have been resized/upscales, however that does not happen. The console throws an error.
Sysinfo
{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.11", "Version": "v1.6.0", "Commit": "5ef669de080814067961f28357256e8fe27544f4", "Script path": "D:\SD\stable-diffusion-webui", "Data path": "D:\SD\stable-diffusion-webui", "Extensions dir": "D:\SD\stable-diffusion-webui\extensions", "Checksum": "d7a76b01ccabeabfecbf4648ce0bb887cfb7a29df4ee3d0a0cd5b92ee0561534", "Commandline": [ "launch.py", "--xformers" ], "Torch env info": { "torch_version": "2.0.0+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 10 Pro", "libc_version": "N/A", "python_version": "3.10.11 (tags/v3.10.11:7d4cc5a, Apr 5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.19045-SP0", "is_cuda_available": "True", "cuda_runtime_version": null, "cuda_module_loading": "LAZY", "nvidia_driver_version": "537.13", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3060", "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.0+cu118", "torchdiffeq==0.2.3", "torchmetrics==0.11.4", "torchsde==0.2.5", "torchvision==0.15.1+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=3800", "DeviceID=CPU0", "Family=107", "L2CacheSize=3072", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=3800", "Name=AMD Ryzen 5 3600X 6-Core Processor ", "ProcessorType=3", "Revision=28928" ] }, "Exceptions": [], "CPU": { "model": "AMD64 Family 23 Model 113 Stepping 0, AuthenticAMD", "count logical": 12, "count physical": 6 }, "RAM": { "total": "32GB", "used": "13GB", "free": "19GB" }, "Extensions": [ { "name": "LyCORIS", "path": "D:\SD\stable-diffusion-webui\extensions\LyCORIS", "version": "3549fdef", "branch": "main", "remote": "https://github.com/KohakuBlueleaf/LyCORIS" }, { "name": "adetailer", "path": "D:\SD\stable-diffusion-webui\extensions\adetailer", "version": "22602536", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "canvas-zoom", "path": "D:\SD\stable-diffusion-webui\extensions\canvas-zoom", "version": "439c414c", "branch": "main", "remote": "https://github.com/richrobber2/canvas-zoom.git" }, { "name": "sd-webui-additional-networks", "path": "D:\SD\stable-diffusion-webui\extensions\sd-webui-additional-networks", "version": "e9f3d622", "branch": "main", "remote": "https://github.com/kohya-ss/sd-webui-additional-networks.git" }, { "name": "sd-webui-controlnet", "path": "D:\SD\stable-diffusion-webui\extensions\sd-webui-controlnet", "version": "8debd2ed", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet" }, { "name": "sd-webui-regional-prompter", "path": "D:\SD\stable-diffusion-webui\extensions\sd-webui-regional-prompter", "version": "e75f5b96", "branch": "main", "remote": "https://github.com/hako-mikan/sd-webui-regional-prompter.git" }, { "name": "stable-diffusion-webui-composable-lora", "path": "D:\SD\stable-diffusion-webui\extensions\stable-diffusion-webui-composable-lora", "version": "d4963e48", "branch": "main", "remote": "https://github.com/opparco/stable-diffusion-webui-composable-lora.git" }, { "name": "stable-diffusion-webui-two-shot", "path": "D:\SD\stable-diffusion-webui\extensions\stable-diffusion-webui-two-shot", "version": "6b55dd52", "branch": "main", "remote": "https://github.com/ashen-sensored/stable-diffusion-webui-two-shot.git" } ], "Inactive extensions": [ { "name": "a1111-sd-webui-lycoris", "path": "D:\SD\stable-diffusion-webui\extensions\a1111-sd-webui-lycoris", "version": "df9c0093", "branch": "main", "remote": "https://github.com/KohakuBlueleaf/a1111-sd-webui-lycoris.git" } ], "Environment": { "COMMANDLINE_ARGS": "\"--xformers\"", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filenamepattern": "BB-[datetime<%Y%m%d%H%M%S>]-[seed]-[model_name]", "save_images_add_number": false, "grid_save": true, "grid_format": "png", "grid_extended_filename": false, "grid_only_if_multiple": true, "grid_prevent_empty_spots": false, "n_rows": -1, "enable_pnginfo": true, "save_txt": false, "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, "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, "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, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "show_warnings": false, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": 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, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "sd_model_checkpoint": "02-forgottenmixCartoon2_v10.safetensors [c3784efc60]", "sd_checkpoint_cache": 0, "sd_vae_checkpoint_cache": 0, "sd_vae": "vae-ft-mse-840000-ema-pruned.ckpt", "sd_vae_as_default": true, "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "enable_quantization": false, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 1, "upcast_attn": false, "randn_source": "GPU", "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, "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, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": false, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_default_view": "cards", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_add_text_separator": " ", "sd_hypernetwork": "None", "return_grid": false, "return_mask": false, "return_mask_composite": false, "do_not_show_images": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "disable_weights_auto_swap": true, "send_seed": true, "send_size": true, "font": "", "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "quicksettings": "sd_model_checkpoint", "hidden_tabs": [], "ui_reorder": "inpaint, sampler, checkboxes, hires_fix, dimensions, cfg, seed, batch, override_settings, scripts", "ui_extra_networks_tab_reorder": "", "localization": "None", "gradio_theme": "Default", "show_progressbar": true, "live_previews_enable": true, "show_progress_grid": true, "show_progress_every_n_steps": 2, "show_progress_type": "Approx NN", "live_preview_content": "Prompt", "live_preview_refresh_period": 1000, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_min_uncond": 0, "s_tmin": 0.0, "s_noise": 1.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": 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": 5, "disabled_extensions": [ "a1111-sd-webui-lycoris" ], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "c3784efc6054d68d01a1d016d356afd4f0ae1ae8975bd798c9cf34abeb4d79bf", "ldsr_steps": 100, "ldsr_cached": false, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "sd_lora": "None", "quicksettings_list": [ "sd_model_checkpoint", "sd_vae" ], "lora_functional": false, "sd_lyco": "None", "lora_preferred_name": "Alias from file", "js_modal_lightbox_gamepad": true, "js_modal_lightbox_gamepad_repeat": 250.0, "add_version_to_infotext": true, "additional_networks_extra_lora_path": "", "additional_networks_sort_models_by": "name", "additional_networks_reverse_sort_order": false, "additional_networks_model_name_filter": "", "additional_networks_xy_grid_model_metadata": "", "additional_networks_hash_thread_count": 1.0, "additional_networks_back_up_model_when_saving": true, "additional_networks_show_only_safetensors": false, "additional_networks_show_only_models_with_metadata": "disabled", "additional_networks_max_top_tags": 20.0, "additional_networks_max_dataset_folders": 20.0, "control_net_model_config": "models\cldm_v15.yaml", "control_net_model_adapter_config": "models\t2iadapter_sketch_sd14v1.yaml", "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_max_models_num": 1, "control_net_model_cache_size": 1, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_allow_script_control": false, "control_net_sync_field_args": false, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "ui_reorder_list": [ "inpaint", "sampler", "checkboxes", "hires_fix", "dimensions", "cfg", "seed", "batch", "override_settings", "scripts" ], "sd_vae_overrides_per_model_preferences": false }, "Startup": { "total": 97.46014356613159, "records": { "initial startup": 0.016000032424926758, "prepare environment/checks": 0.012000083923339844, "prepare environment/git version info": 0.05200028419494629, "prepare environment/torch GPU test": 16.49486756324768, "prepare environment/clone repositores": 0.23642516136169434, "prepare environment/run extensions installers/adetailer": 0.35971689224243164, "prepare environment/run extensions installers/canvas-zoom": 23.3019437789917, "prepare environment/run extensions installers/LyCORIS": 0.022678852081298828, "prepare environment/run extensions installers/sd-webui-additional-networks": 0.015340566635131836, "prepare environment/run extensions installers/sd-webui-controlnet": 0.36566996574401855, "prepare environment/run extensions installers/sd-webui-regional-prompter": 0.004999637603759766, "prepare environment/run extensions installers/stable-diffusion-webui-composable-lora": 0.00099945068359375, "prepare environment/run extensions installers/stable-diffusion-webui-two-shot": 0.014404773712158203, "prepare environment/run extensions installers": 24.085753917694092, "prepare environment": 41.94248294830322, "launcher": 0.06145954132080078, "import torch": 19.57098364830017, "import gradio": 0.9110002517700195, "setup paths": 7.097539186477661, "import ldm": 0.09859800338745117, "import sgm": 0.0, "initialize shared": 0.9816153049468994, "other imports": 8.861019849777222, "opts onchange": 0.000989675521850586, "setup SD model": 0.051003456115722656, "setup codeformer": 1.5360052585601807, "setup gfpgan": 0.28757619857788086, "set samplers": 0.0, "list extensions": 0.0010004043579101562, "restore config state file": 0.0, "list SD models": 2.553532123565674, "list localizations": 0.0, "load scripts/custom_code.py": 0.10190320014953613, "load scripts/detect_extension.py": 0.026669025421142578, "load scripts/img2imgalt.py": 0.014884710311889648, "load scripts/loopback.py": 0.006999969482421875, "load scripts/outpainting_mk_2.py": 0.010985851287841797, "load scripts/poor_mans_outpainting.py": 0.011010169982910156, "load scripts/postprocessing_codeformer.py": 0.021265029907226562, "load scripts/postprocessing_gfpgan.py": 0.01031184196472168, "load scripts/postprocessing_upscale.py": 0.01701188087463379, "load scripts/prompt_matrix.py": 0.005615234375, "load scripts/prompts_from_file.py": 0.0070111751556396484, "load scripts/refiner.py": 0.009010076522827148, "load scripts/sd_upscale.py": 0.006157398223876953, "load scripts/seed.py": 0.014007329940795898, "load scripts/xyz_grid.py": 0.010999441146850586, "load scripts/!adetailer.py": 5.490201711654663, "load scripts/config.py": 0.015999555587768555, "load scripts/additional_networks.py": 0.260286808013916, "load scripts/addnet_xyz_grid_support.py": 0.001001596450805664, "load scripts/lora_compvis.py": 0.0009987354278564453, "load scripts/metadata_editor.py": 0.0, "load scripts/model_util.py": 0.004000425338745117, "load scripts/safetensors_hack.py": 0.0, "load scripts/util.py": 0.0009999275207519531, "load scripts/adapter.py": 0.022661685943603516, "load scripts/api.py": 0.9598569869995117, "load scripts/batch_hijack.py": 0.010599374771118164, "load scripts/cldm.py": 0.017401456832885742, "load scripts/controlnet.py": 0.5310637950897217, "load scripts/controlnet_version.py": 0.0010097026824951172, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0009999275207519531, "load scripts/hook.py": 0.0, "load scripts/logging.py": 0.0010001659393310547, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.010999679565429688, "load scripts/processor.py": 0.0009999275207519531, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.007999897003173828, "load scripts/attention.py": 0.010999679565429688, "load scripts/latent.py": 0.023000240325927734, "load scripts/regions.py": 0.0010001659393310547, "load scripts/rp.py": 0.05590534210205078, "load scripts/composable_lora_script.py": 0.04085040092468262, "load scripts/sketch_helper.py": 0.0008759498596191406, "load scripts/two_shot.py": 0.04227471351623535, "load scripts/ldsr_model.py": 0.1414165496826172, "load scripts/lora_script.py": 0.5826156139373779, "load scripts/scunet_model.py": 0.16400933265686035, "load scripts/swinir_model.py": 0.25881505012512207, "load scripts/hotkey_config.py": 0.008449316024780273, "load scripts/extra_options_section.py": 0.003575563430786133, "load scripts": 8.945711612701416, "load upscalers": 0.023148775100708008, "refresh VAE": 0.009999513626098633, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.001001119613647461, "scripts list_unets": 0.0, "reload hypernetworks": 0.0, "initialize extra networks": 0.23657774925231934, "scripts before_ui_callback": 0.0010149478912353516, "create ui": 3.9018771648406982, "gradio launch": 1.3895976543426514, "add APIs": 0.03984498977661133, "app_started_callback/api.py": 0.002000093460083008, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.002000093460083008 } }, "Packages": [ "absl-py==1.4.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.12", "aiofiles==23.1.0", "aiohttp==3.8.4", "aiosignal==1.3.1", "altair==4.2.2", "antlr4-python3-runtime==4.9.3", "anyio==3.6.2", "async-timeout==4.0.2", "attrs==23.1.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "boltons==23.0.0", "cachetools==5.3.0", "certifi==2022.12.7", "cffi==1.15.1", "chardet==4.0.0", "charset-normalizer==3.1.0", "clean-fid==0.1.35", "click==8.1.3", "clip==1.0", "colorama==0.4.6", "contourpy==1.0.7", "cssselect2==0.7.0", "cycler==0.11.0", "deprecation==2.1.0", "einops==0.4.1", "entrypoints==0.4", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.0", "filelock==3.12.0", "filterpy==1.4.5", "flatbuffers==23.5.9", "font-roboto==0.0.1", "fonts==0.0.3", "fonttools==4.39.3", "freetype-py==2.3.0", "frozenlist==1.3.3", "fsspec==2023.4.0", "ftfy==6.1.1", "future==0.18.3", "fvcore==0.1.5.post20221221", "gdown==4.7.1", "gfpgan==1.3.8", "gitdb==4.0.10", "gitpython==3.1.32", "google-auth-oauthlib==1.0.0", "google-auth==2.17.3", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.54.0", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.0", "huggingface-hub==0.14.1", "idna==2.10", "imageio==2.28.1", "importlib-resources==6.0.1", "inflection==0.5.1", "iopath==0.1.9", "jinja2==3.1.2", "jsonmerge==1.8.0", "jsonschema==4.17.3", "kiwisolver==1.4.4", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.2", "lightning-utilities==0.8.0", "linkify-it-py==2.0.2", "llvmlite==0.40.0", "lmdb==1.4.1", "lpips==0.1.4", "lxml==4.9.2", "markdown-it-py==2.2.0", "markdown==3.4.3", "markupsafe==2.1.2", "matplotlib==3.7.1", "mdit-py-plugins==0.3.3", "mdurl==0.1.2", "mediapipe==0.10.3", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.1", "numba==0.57.0", "numpy==1.23.5", "oauthlib==3.2.2", "omegaconf==2.2.3", "open-clip-torch==2.20.0", "opencv-contrib-python==4.7.0.72", "opencv-python==4.8.0.76", "orjson==3.8.11", "packaging==23.1", "pandas==2.0.1", "piexif==1.1.3", "pillow==9.5.0", "pip==23.1.2", "portalocker==2.7.0", "protobuf==3.20.0", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycairo==1.23.0", "pycparser==2.21", "pydantic==1.10.9", "pydub==0.25.1", "pygments==2.15.1", "pyparsing==3.0.9", "pyrsistent==0.19.3", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0", "realesrgan==0.3.0", "regex==2023.5.5", "reportlab==4.0.0", "requests-oauthlib==1.3.1", "requests==2.25.1", "resize-right==0.0.2", "rich==13.5.0", "rlpycairo==0.2.0", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.10.1", "seaborn==0.12.2", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==65.5.0", "six==1.16.0", "smmap==5.0.0", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.4.1", "starlette==0.26.1", "svglib==1.5.1", "sympy==1.11.1", "tabulate==0.9.0", "tb-nightly==2.14.0a20230506", "tensorboard-data-server==0.7.0", "termcolor==2.3.0", "tifffile==2023.4.12", "timm==0.9.2", "tinycss2==1.2.1", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.0", "torch==2.0.0+cu118", "torchdiffeq==0.2.3", "torchmetrics==0.11.4", "torchsde==0.2.5", "torchvision==0.15.1+cu118", "tqdm==4.65.0", "trampoline==0.1.2", "transformers==4.30.2", "typing-extensions==4.5.0", "tzdata==2023.3", "uc-micro-py==1.0.2", "ultralytics==8.0.159", "urllib3==1.26.15", "uvicorn==0.22.0", "wcwidth==0.2.6", "webencodings==0.5.1", "websockets==11.0.2", "werkzeug==2.3.3", "wheel==0.40.0", "xformers==0.0.20.dev526", "yacs==0.1.8", "yapf==0.33.0", "yarl==1.9.2" ] }
What browsers do you use to access the UI ?
Google Chrome
Console logs
Additional information
No response