Open van1027 opened 10 months ago
not saying that this is ideal but this is expected behavior because checkpoint is a setting, a setting that you would apply in the settings page it is just place in quick settings by default
webui is a web page and it only checks the value on server side when loading the web page there's no active connection between server and client
and when pressing generate button there is no request (unless override is used) to the server of what model you are requesting
every setting value will be decent if you use multiple instance of of webui
I would agree with you if the checkpoint was ONLY available through the settings page. But it is not. It is displaying on top of the page. Which makes it the integral part of the request.
And the second: even if you paste your saved request into the prompt and click "Read generated parameters", The override for checkpoint IS NOT CREATED. So the copy request functionality becomes even more inconsistent.
Internally the checkpoint can be called a setting and be cached on the server, BUT the server should respect which checkpoint the current user has selected and RELOAD it if it's necessary to generate the right image.
note: I realize I'm coming too much from the mindset of a developer the TLDR is that, this should be classified as enhancement and not a bug
I would agree with you if the checkpoint was ONLY available through the settings page. But it is not.
not, like I said
it is just place in
quick settings
by default
any in fact "any setting" can be added to quick settings
it beeing visible visibly on the top of the page doesn't make it not a setting
any object in quick settings it is essentially like if you change it in settings page and then click apply immediately after
you can see the difference in behavior when you change the model, you can see the server immediately changes the model after you change the drop-down menu
note if you add something to fix settings it is removed from the settings page and onlyu show in quicksettings
if you want to make it a part of the request you could do something (irrc this works)
https://github.com/AUTOMATIC1111/stable-diffusion-webui/wiki/User-Interface-Customizations#additional-options-for-txt2img--img2img add sd_model_checkpoint to additional-options and it will be apart of the request as an override
not saying that this is ideal
what I'm trying to say is that it is not a bug it is a well documented and expected Behavior as it is a setting I am not saying that this is not ideal this can be improved but would require lots of things being reworked if we are going to change this behavior it is not just going to be for checkpoints but for every setting that is in quick settings it requires an overhaul of the quick settings system
And the second: even if you paste your saved request into the prompt and click "Read generated parameters", The override for checkpoint IS NOT CREATED. So the copy request functionality becomes even more inconsistent.
that seemed a bit odd, I recall the rule is that if the model is different from the loaded model then override is created so if it's different then it should be created
I would verify thes now but for some reason my wrbui instance is giving me tons of errors
Checklist
What happened?
If you have two users working against the same webui server and they want to use different checkpoints, they will be always stepping on each other's toes.
When you submit the request, server doesn't check which checkpoint is loaded into memory and if it's matching with the checkpoint in the select. Instead it merrily (stupidly) uses the last loaded checkpoint. The results are sporadic.
The same is happening for Clip skip. It uses the clip skip, selected by the user, who last changed it, even if you are not that user.
Steps to reproduce the problem
Both windows will produce same images
What should have happened?
Both windows should generate different images, as each request should have been using a different checkpoint.
What browsers do you use to access the UI ?
Mozilla Firefox
Sysinfo
{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.6", "Version": "v1.7.0", "Commit": "cf2772fab0af5573da775e7437e6acdca424f26e", "Script path": "D:\stable-diffusion-webui", "Data path": "D:\stable-diffusion-webui", "Extensions dir": "D:\stable-diffusion-webui\extensions", "Checksum": "a50fbda14c56a2d985c4d6ae501de7f1217999c4610a7916799bf45601697242", "Commandline": [ "launch.py", "--listen", "--medvram", "--enable-console-prompts", "--opt-split-attention-v1", "--xformers", "--ckpt-dir", "D:\stable-diffusion-ui\models\stable-diffusion", "--lora-dir", "D:\stable-diffusion-ui\models\lora" ], "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": "Microsoft Windows 10 Home", "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": null, "cuda_module_loading": "LAZY", "nvidia_driver_version": "536.23", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3070 Ti", "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.2.0", "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=3401", "DeviceID=CPU0", "Family=191", "L2CacheSize=1024", "L2CacheSpeed=", "Manufacturer=GenuineIntel", "MaxClockSpeed=3401", "Name=Intel(R) Core(TM) i5-3570K CPU @ 3.40GHz", "ProcessorType=3", "Revision=14857" ] }, "Exceptions": [], "CPU": { "model": "Intel64 Family 6 Model 58 Stepping 9, GenuineIntel", "count logical": 4, "count physical": 4 }, "RAM": { "total": "32GB", "used": "13GB", "free": "19GB" }, "Extensions": [ { "name": "Stable-Diffusion-Webui-Civitai-Helper", "path": "D:\stable-diffusion-webui\extensions\Stable-Diffusion-Webui-Civitai-Helper", "version": "36717290", "branch": "main", "remote": "https://github.com/butaixianran/Stable-Diffusion-Webui-Civitai-Helper" }, { "name": "adetailer", "path": "D:\stable-diffusion-webui\extensions\adetailer", "version": "261f9c1e", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "sd-webui-3d-open-pose-editor", "path": "D:\stable-diffusion-webui\extensions\sd-webui-3d-open-pose-editor", "version": "f2d5aac5", "branch": "main", "remote": "https://github.com/nonnonstop/sd-webui-3d-open-pose-editor.git" }, { "name": "sd-webui-aspect-ratio-helper", "path": "D:\stable-diffusion-webui\extensions\sd-webui-aspect-ratio-helper", "version": "99fcf9b0", "branch": "main", "remote": "https://github.com/thomasasfk/sd-webui-aspect-ratio-helper.git" }, { "name": "sd-webui-controlnet", "path": "D:\stable-diffusion-webui\extensions\sd-webui-controlnet", "version": "01e4574d", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-openpose-editor", "path": "D:\stable-diffusion-webui\extensions\sd-webui-openpose-editor", "version": "cebe13e0", "branch": "main", "remote": "https://github.com/huchenlei/sd-webui-openpose-editor.git" }, { "name": "sd-webui-regional-prompter", "path": "D:\stable-diffusion-webui\extensions\sd-webui-regional-prompter", "version": "3a759b72", "branch": "main", "remote": "https://github.com/hako-mikan/sd-webui-regional-prompter.git" }, { "name": "stable-diffusion-webui-state", "path": "D:\stable-diffusion-webui\extensions\stable-diffusion-webui-state", "version": "f2bb3809", "branch": "main", "remote": "https://github.com/ilian6806/stable-diffusion-webui-state.git" }, { "name": "ultimate-upscale-for-automatic1111", "path": "D:\stable-diffusion-webui\extensions\ultimate-upscale-for-automatic1111", "version": "728ffcec", "branch": "master", "remote": "https://github.com/Coyote-A/ultimate-upscale-for-automatic1111" } ], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--listen --medvram --enable-console-prompts --opt-split-attention-v1 --xformers --ckpt-dir \"D:\stable-diffusion-ui\models\stable-diffusion\" --lora-dir \"D:\stable-diffusion-ui\models\lora\"", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": false, "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", "enable_pnginfo": true, "save_txt": true, "save_images_before_face_restoration": true, "save_images_before_highres_fix": true, "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, "save_incomplete_images": 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, "face_restoration": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "auto_launch_browser": "Local", "show_warnings": false, "show_gradio_deprecation_warnings": true, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": false, "hide_ldm_prints": true, "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": "cardosAnime_v20.safetensors [f243aabb88]", "sd_checkpoints_limit": 1, "sd_checkpoints_keep_in_cpu": true, "sd_checkpoint_cache": 0, "sd_unet": "Automatic", "enable_quantization": false, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 2, "upcast_attn": false, "randn_source": "GPU", "tiling": false, "hires_fix_refiner_pass": "second pass", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_explanation": "VAE is a neural network that transforms a standard RGB\nimage into latent space representation and back. Latent space representation is what stable diffusion is working on during sampling\n(i.e. when the progress bar is between empty and full). For txt2img, VAE is used to create a resulting image after the sampling is finished.\nFor img2img, VAE is used to process user's input image before the sampling, and to create an image after sampling.", "sd_vae_checkpoint_cache": 0, "sd_vae": "vae-ft-mse-840000-ema-pruned.ckpt", "sd_vae_overrides_per_model_preferences": true, "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, "cross_attention_optimization": "Automatic", "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": false, "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": 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": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "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_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "return_grid": false, "do_not_show_images": false, "send_seed": true, "send_size": true, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": false, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "keyedit_move": true, "quicksettings_list": [ "sd_model_checkpoint", "sd_vae", "CLIP_stop_at_last_layers", "grid_save" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "disable_token_counters": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "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, "live_preview_fast_interrupt": false, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "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": 5, "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "f243aabb88e0de0566391a2252cc30e3285bc86d55347373d7131d38ad162572", "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "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": "", "ad_max_models": 2, "ad_save_previews": false, "ad_save_images_before": false, "ad_only_seleted_scripts": true, "ad_script_names": "dynamic_prompting,dynamic_thresholding,wildcard_recursive,wildcards,lora_block_weight", "ad_bbox_sortby": "None", "openpose3d_use_online_version": false, "arh_javascript_aspect_ratio_show": true, "arh_javascript_aspect_ratio": "1:1, 3:2, 4:3, 5:4, 16:9", "arh_ui_javascript_selection_method": "Aspect Ratios Dropdown", "arh_hide_accordion_by_default": true, "arh_expand_by_default": false, "arh_ui_component_order_key": "MaxDimensionScaler, MinDimensionScaler, PredefinedAspectRatioButtons, PredefinedPercentageButtons", "arh_show_max_width_or_height": false, "arh_max_width_or_height": 1024, "arh_show_min_width_or_height": false, "arh_min_width_or_height": 1024, "arh_show_predefined_aspect_ratios": false, "arh_predefined_aspect_ratio_use_max_dim": false, "arh_predefined_aspect_ratios": "1:1, 4:3, 16:9, 9:16, 21:9", "arh_show_predefined_percentages": false, "arh_predefined_percentages": "25, 50, 75, 125, 150, 175, 200", "arh_predefined_percentages_display_key": "Incremental/decremental percentage (-50%, +50%)", "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_high_res_fix": false, "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_control_type": false, "controlnet_disable_openpose_edit": false, "controlnet_ignore_noninpaint_mask": false, "regprp_debug": false, "regprp_hidepmask": false, "state": [ "tabs" ], "state_txt2img": [ "prompt", "negative_prompt", "styles", "width", "height", "batch_count", "batch_size", "cfg_scale", "seed", "restore_faces", "tiling", "hires_fix", "hires_upscaler", "hires_steps", "hires_scale", "hires_resize_x", "hires_resize_y", "hires_denoising_strength", "script", "sampling_steps", "sampling" ], "state_img2img": [ "prompt", "negative_prompt", "extra_networks", "styles", "sampling", "resize_mode", "sampling_steps", "restore_faces", "tiling", "width", "height", "batch_count", "batch_size", "cfg_scale", "denoising_strength", "seed", "script" ], "state_extensions": [ "control-net", "adetailer", "multidiffusion", "dynamic prompting" ], "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, "ch_civiai_api_key": "", "ad_extra_models_dir": "", "ad_same_seed_for_each_tap": false }, "Startup": { "total": 21.10460114479065, "records": { "initial startup": 0.0625, "prepare environment/checks": 0.015624523162841797, "prepare environment/git version info": 0.078125, "prepare environment/torch GPU test": 2.519230365753174, "prepare environment/clone repositores": 0.2343769073486328, "prepare environment/run extensions installers/adetailer": 0.2812502384185791, "prepare environment/run extensions installers/sd-webui-3d-open-pose-editor": 0.26563048362731934, "prepare environment/run extensions installers/sd-webui-aspect-ratio-helper": 0.0, "prepare environment/run extensions installers/sd-webui-controlnet": 0.5496394634246826, "prepare environment/run extensions installers/sd-webui-openpose-editor": 0.0, "prepare environment/run extensions installers/sd-webui-regional-prompter": 0.0, "prepare environment/run extensions installers/Stable-Diffusion-Webui-Civitai-Helper": 0.0, "prepare environment/run extensions installers/stable-diffusion-webui-state": 0.0, "prepare environment/run extensions installers/ultimate-upscale-for-automatic1111": 0.0, "prepare environment/run extensions installers": 1.096520185470581, "prepare environment": 4.006375789642334, "launcher": 0.015619993209838867, "import torch": 4.59901762008667, "import gradio": 1.1562492847442627, "setup paths": 1.051637887954712, "import ldm": 0.0, "import sgm": 0.0, "initialize shared": 0.2968759536743164, "other imports": 0.8125014305114746, "opts onchange": 0.0, "setup SD model": 0.0, "setup codeformer": 0.3125004768371582, "setup gfpgan": 0.0312497615814209, "set samplers": 0.0, "list extensions": 0.0, "restore config state file": 0.0, "list SD models": 0.3437514305114746, "list localizations": 0.0, "load scripts/custom_code.py": 0.0, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_caption.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_create_flipped_copies.py": 0.015625, "load scripts/postprocessing_focal_crop.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_split_oversized.py": 0.0, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/processing_autosized_crop.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0, "load scripts/sd_upscale.py": 0.0, "load scripts/xyz_grid.py": 0.0, "load scripts/ldsr_model.py": 1.1562542915344238, "load scripts/lora_script.py": 0.3281235694885254, "load scripts/scunet_model.py": 0.046872615814208984, "load scripts/swinir_model.py": 0.031253814697265625, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0, "load scripts/hypertile_script.py": 0.0625002384185791, "load scripts/hypertile_xyz.py": 0.0, "load scripts/civitai_helper.py": 0.0781245231628418, "load scripts/!adetailer.py": 0.53125, "load scripts/openpose_editor.py": 0.1250011920928955, "load scripts/sd_webui_aspect_ratio_helper.py": 0.0937502384185791, "load scripts/adapter.py": 0.0, "load scripts/api.py": 0.3281245231628418, "load scripts/batch_hijack.py": 0.0, "load scripts/cldm.py": 0.0, "load scripts/controlmodel_ipadapter.py": 0.0, "load scripts/controlnet.py": 0.1562507152557373, "load scripts/controlnet_diffusers.py": 0.0, "load scripts/controlnet_lllite.py": 0.0, "load scripts/controlnet_lora.py": 0.0, "load scripts/controlnet_model_guess.py": 0.0, "load scripts/controlnet_version.py": 0.0, "load scripts/enums.py": 0.0, "load scripts/external_code.py": 0.0, "load scripts/global_state.py": 0.0, "load scripts/hook.py": 0.0, "load scripts/infotext.py": 0.0, "load scripts/logging.py": 0.0, "load scripts/lvminthin.py": 0.0, "load scripts/movie2movie.py": 0.0, "load scripts/processor.py": 0.0, "load scripts/utils.py": 0.0, "load scripts/xyz_grid_support.py": 0.0, "load scripts/attention.py": 0.0, "load scripts/latent.py": 0.0, "load scripts/regions.py": 0.0, "load scripts/rp.py": 0.0468747615814209, "load scripts/rps.py": 0.03124833106994629, "load scripts/state_api.py": 0.031253814697265625, "load scripts/state_settings.py": 0.031247854232788086, "load scripts/ultimate-upscale.py": 0.0, "load scripts/refiner.py": 0.0, "load scripts/seed.py": 0.0, "load scripts": 3.0937554836273193, "load upscalers": 0.015626192092895508, "refresh VAE": 0.0, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0, "scripts list_unets": 0.0, "reload hypernetworks": 0.0, "initialize extra networks": 0.015624523162841797, "scripts before_ui_callback": 0.0, "create ui": 1.031252384185791, "gradio launch": 4.306935787200928, "add APIs": 0.015625953674316406, "app_started_callback/lora_script.py": 0.0, "app_started_callback/api.py": 0.0, "app_started_callback/openpose_editor.py": 0.0, "app_started_callback/state_api.py": 0.0, "app_started_callback": 0.0 } }, "Packages": [ "-ediapipe==0.10.7", "-rotobuf==3.20.0", "absl-py==2.0.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.8.6", "aiosignal==1.3.1", "altair==5.1.2", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.1.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "bidict==0.22.1", "blendmodes==2022", "boltons==23.0.0", "cachetools==5.3.1", "certifi==2023.7.22", "cffi==1.16.0", "charset-normalizer==3.3.1", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "colorama==0.4.6", "contourpy==1.1.1", "cryptography==41.0.4", "cssselect2==0.7.0", "cycler==0.12.1", "deprecation==2.1.0", "dill==0.3.7", "einops==0.4.1", "exceptiongroup==1.1.3", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.12.4", "filterpy==1.4.5", "flatbuffers==23.5.26", "fonttools==4.43.1", "frozenlist==1.4.0", "fsspec==2023.10.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.11", "gitpython==3.1.32", "google-auth-oauthlib==1.1.0", "google-auth==2.23.3", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.59.0", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.18.0", "idna==3.4", "imageio==2.31.5", "importlib-metadata==6.8.0", "importlib-resources==6.1.0", "inflection==0.5.1", "iopath==0.1.9", "jinja2==3.1.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.7.1", "jsonschema==4.19.1", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.9.0", "llvmlite==0.41.1", "lmdb==1.4.1", "lpips==0.1.4", "lru-dict==1.2.0", "lxml==4.9.3", "markdown-it-py==3.0.0", "markdown==3.5", "markupsafe==2.1.3", "matplotlib==3.8.0", "mdurl==0.1.2", "mediapipe==0.10.9", "mpmath==1.3.0", "multidict==6.0.4", "multiprocess==0.70.15", "networkx==3.2", "numba==0.58.1", "numpy==1.23.5", "nvidia-cublas-cu11==11.11.3.6", "nvidia-cuda-nvrtc-cu11==11.8.89", "nvidia-cuda-runtime-cu11==11.8.89", "nvidia-cudnn-cu11==8.9.4.25", "oauthlib==3.2.2", "omegaconf==2.2.3", "onnx-graphsurgeon==0.3.27", "onnx==1.14.1", "open-clip-torch==2.20.0", "opencv-contrib-python==4.8.1.78", "opencv-python==4.8.1.78", "orjson==3.9.9", "packaging==23.2", "pandas==2.1.1", "pathos==0.3.1", "piexif==1.1.3", "pillow==9.5.0", "pip==22.2.1", "platformdirs==3.11.0", "polygraphy==0.49.0", "portalocker==2.8.2", "pox==0.3.3", "ppft==1.7.6.7", "protobuf==3.20.2", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pycparser==2.21", "pydantic==1.10.13", "pydub==0.25.1", "pyexecjs==1.5.1", "pygments==2.16.1", "pyparsing==3.1.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-engineio==4.8.0", "python-multipart==0.0.6", "python-socketio==5.7.2", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.4.1", "pywin32==306", "pyyaml==6.0.1", "realesrgan==0.3.0", "referencing==0.30.2", "regex==2023.10.3", "reportlab==4.0.6", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rich==13.6.0", "rpds-py==0.10.6", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.11.3", "seaborn==0.13.0", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==63.2.0", "simple-websocket==1.0.0", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.5", "starlette==0.26.1", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.15.0a20231022", "tensorboard-data-server==0.7.1", "tensorrt-bindings==9.0.1.post11.dev4", "tensorrt-libs==9.0.1.post11.dev4", "tensorrt==9.0.1.post11.dev4", "termcolor==2.3.0", "thop==0.1.1.post2209072238", "tifffile==2023.9.26", "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.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.6", "torchvision==0.15.2+cu118", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "translators==5.8.7", "typing-extensions==4.8.0", "tzdata==2023.3", "ultralytics==8.0.229", "urllib3==2.0.7", "uvicorn==0.23.2", "wcwidth==0.2.8", "webencodings==0.5.1", "websocket-client==1.6.4", "websockets==11.0.3", "werkzeug==3.0.0", "wsproto==1.2.0", "xformers==0.0.20", "yacs==0.1.8", "yapf==0.40.2", "yarl==1.9.2", "zipp==3.17.0" ] }
Console logs
Additional information
No response