AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: ValueError: too many values to unpack (expected 3) on upscaling certain images in batches #15421

Closed Rabcor closed 2 months ago

Rabcor commented 3 months ago

Checklist

What happened?

When trying to upscale certain images, i get this error: ValueError: too many values to unpack (expected 3)

Steps to reproduce the problem

Try to upscale this image with any upscaler using batch (process or directory) I tried lanczos, esrgan and some others, always get the error.

bm_player_hit_01

What should have happened?

Upscale image

What browsers do you use to access the UI ?

Google Chrome

Sysinfo

``` { "Platform": "Linux-6.6.23-1-lts-x86_64-with-glibc2.39", "Python": "3.11.8", "Version": "1.8.0-RC", "Commit": "", "Script path": "/opt/stable-diffusion-web-ui", "Data path": "/opt/stable-diffusion-web-ui", "Extensions dir": "/opt/stable-diffusion-web-ui/extensions", "Checksum": "bc60a12c11970b86f22212db49e4d7e341fd200771dca5460583541c51e370ba", "Commandline": [ "launch.py" ], "Torch env info": { "torch_version": "2.0.1+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": "(GCC) 13.2.1 20230801", "clang_version": "17.0.6", "cmake_version": "version 3.28.1", "os": "EndeavourOS Linux (x86_64)", "libc_version": "glibc-2.39", "python_version": "3.11.8 (main, Feb 12 2024, 14:50:05) [GCC 13.2.1 20230801] (64-bit runtime)", "python_platform": "Linux-6.6.23-1-lts-x86_64-with-glibc2.39", "is_cuda_available": "True", "cuda_runtime_version": "12.4.99", "cuda_module_loading": "LAZY", "nvidia_driver_version": "550.67", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3070 Ti Laptop GPU", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.26.2", "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: x86_64", "CPU op-mode(s): 32-bit, 64-bit", "Address sizes: 48 bits physical, 48 bits virtual", "Byte Order: Little Endian", "CPU(s): 16", "On-line CPU(s) list: 0-15", "Vendor ID: AuthenticAMD", "Model name: AMD Ryzen 9 6900HX with Radeon Graphics", "CPU family: 25", "Model: 68", "Thread(s) per core: 2", "Core(s) per socket: 8", "Socket(s): 1", "Stepping: 1", "Frequency boost: disabled", "CPU(s) scaling MHz: 99%", "CPU max MHz: 3301,0000", "CPU min MHz: 400,0000", "BogoMIPS: 6590,03", "Flags: fpu vme de pse tsc msr pae mce cx8 apic sep mtrr pge mca cmov pat pse36 clflush mmx fxsr sse sse2 ht syscall nx mmxext fxsr_opt pdpe1gb rdtscp lm constant_tsc rep_good nopl nonstop_tsc cpuid extd_apicid aperfmperf rapl pni pclmulqdq monitor ssse3 fma cx16 sse4_1 sse4_2 x2apic movbe popcnt aes xsave avx f16c rdrand lahf_lm cmp_legacy svm extapic cr8_legacy abm sse4a misalignsse 3dnowprefetch osvw ibs skinit wdt tce topoext perfctr_core perfctr_nb bpext perfctr_llc mwaitx cpb cat_l3 cdp_l3 hw_pstate ssbd mba ibrs ibpb stibp vmmcall fsgsbase bmi1 avx2 smep bmi2 erms invpcid cqm rdt_a rdseed adx smap clflushopt clwb sha_ni xsaveopt xsavec xgetbv1 xsaves cqm_llc cqm_occup_llc cqm_mbm_total cqm_mbm_local user_shstk clzero irperf xsaveerptr rdpru wbnoinvd cppc arat npt lbrv svm_lock nrip_save tsc_scale vmcb_clean flushbyasid decodeassists pausefilter pfthreshold avic v_vmsave_vmload vgif v_spec_ctrl umip pku ospke vaes vpclmulqdq rdpid overflow_recov succor smca fsrm debug_swap", "Virtualization: AMD-V", "L1d cache: 256 KiB (8 instances)", "L1i cache: 256 KiB (8 instances)", "L2 cache: 4 MiB (8 instances)", "L3 cache: 16 MiB (1 instance)", "NUMA node(s): 1", "NUMA node0 CPU(s): 0-15", "Vulnerability Gather data sampling: Not affected", "Vulnerability Itlb multihit: Not affected", "Vulnerability L1tf: Not affected", "Vulnerability Mds: Not affected", "Vulnerability Meltdown: Not affected", "Vulnerability Mmio stale data: Not affected", "Vulnerability Reg file data sampling: Not affected", "Vulnerability Retbleed: Not affected", "Vulnerability Spec rstack overflow: Vulnerable: Safe RET, no microcode", "Vulnerability Spec store bypass: Mitigation; Speculative Store Bypass disabled via prctl", "Vulnerability Spectre v1: Mitigation; usercopy/swapgs barriers and __user pointer sanitization", "Vulnerability Spectre v2: Mitigation; Retpolines, IBPB conditional, IBRS_FW, STIBP always-on, RSB filling, PBRSB-eIBRS Not affected", "Vulnerability Srbds: Not affected", "Vulnerability Tsx async abort: Not affected" ] }, "Exceptions": [ { "exception": "too many values to unpack (expected 3)", "traceback": [ [ "/opt/stable-diffusion-web-ui/modules/call_queue.py, line 57, f", "res = list(func(*args, **kwargs))" ], [ "/opt/stable-diffusion-web-ui/modules/call_queue.py, line 36, f", "res = func(*args, **kwargs)" ], [ "/opt/stable-diffusion-web-ui/modules/postprocessing.py, line 133, run_postprocessing_webui", "return run_postprocessing(*args, **kwargs)" ], [ "/opt/stable-diffusion-web-ui/modules/postprocessing.py, line 96, run_postprocessing", "fullfn, _ = images.save_image(pp.image, path=outpath, basename=basename, extension=opts.samples_format, info=infotext, short_filename=True, no_prompt=True, grid=False, pnginfo_section_name=\"extras\", existing_info=existing_pnginfo, forced_filename=forced_filename, suffix=suffix)" ], [ "/opt/stable-diffusion-web-ui/modules/images.py, line 685, save_image", "_atomically_save_image(image, fullfn_without_extension, extension)" ], [ "/opt/stable-diffusion-web-ui/modules/images.py, line 669, _atomically_save_image", "save_image_with_geninfo(image_to_save, info, temp_file_path, extension, existing_pnginfo=params.pnginfo, pnginfo_section_name=pnginfo_section_name)" ], [ "/opt/stable-diffusion-web-ui/modules/images.py, line 551, save_image_with_geninfo", "image.save(filename, format=image_format, quality=opts.jpeg_quality, pnginfo=pnginfo_data)" ], [ "/opt/stable-diffusion-web-ui/venv/lib/python3.11/site-packages/PIL/Image.py, line 2432, save", "save_handler(self, fp, filename)" ], [ "/opt/stable-diffusion-web-ui/venv/lib/python3.11/site-packages/PIL/PngImagePlugin.py, line 1364, _save", "red, green, blue = transparency" ] ] } ], "CPU": { "model": "", "count logical": 16, "count physical": 8 }, "RAM": { "total": "62GB", "used": "5GB", "free": "14GB", "active": "30GB", "inactive": "17GB", "buffers": "119MB", "cached": "43GB", "shared": "465MB" }, "Extensions": [ { "name": "sd-dynamic-prompts", "path": "/opt/stable-diffusion-web-ui/extensions/sd-dynamic-prompts", "version": "74991820", "branch": "main", "remote": "https://github.com/adieyal/sd-dynamic-prompts.git" }, { "name": "sd-webui-controlnet", "path": "/opt/stable-diffusion-web-ui/extensions/sd-webui-controlnet", "version": "0712f42b", "branch": "main", "remote": "https://github.com/Mikubill/sd-webui-controlnet.git" }, { "name": "sd-webui-reactor", "path": "/opt/stable-diffusion-web-ui/extensions/sd-webui-reactor", "version": "c5ecf9a1", "branch": "main", "remote": "https://github.com/Gourieff/sd-webui-reactor.git" } ], "Inactive extensions": [], "Environment": { "GIT": "git", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "[none][model_name]", "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": "[none][model_name]", "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": false, "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, "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": 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, "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": "v1-5-pruned-emaonly.safetensors [6ce0161689]", "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_checkpoint_cache": 0, "sd_vae": "Automatic", "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, "img2img_batch_show_results_limit": 32, "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_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", "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_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, "live_preview_fast_interrupt": false, "js_live_preview_in_modal_lightbox": 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, "postprocessing_existing_caption_action": "Ignore", "disabled_extensions": [], "disable_all_extensions": "all", "restore_config_state_file": "", "sd_checkpoint_hash": "6ce0161689b3853acaa03779ec93eafe75a02f4ced659bee03f50797806fa2fa", "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, "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" ], "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, "controlnet_clip_detector_on_cpu": false, "dp_ignore_whitespace": false, "dp_write_raw_template": false, "dp_write_prompts_to_file": false, "dp_parser_variant_start": "{", "dp_parser_variant_end": "}", "dp_parser_wildcard_wrap": "__", "dp_limit_jinja_prompts": false, "dp_auto_purge_cache": false, "dp_wildcard_manager_no_dedupe": false, "dp_wildcard_manager_no_sort": false, "dp_wildcard_manager_shuffle": false, "dp_magicprompt_default_model": "Gustavosta/MagicPrompt-Stable-Diffusion", "dp_magicprompt_batch_size": 1 }, "Startup": { "total": 5.243646860122681, "records": { "initial startup": 0.007076263427734375, "prepare environment/checks": 8.487701416015625e-05, "prepare environment/git version info": 0.009192466735839844, "prepare environment/torch GPU test": 1.1440389156341553, "prepare environment/clone repositores": 0.03504824638366699, "prepare environment/run extensions installers": 0.00016164779663085938, "prepare environment": 1.2008695602416992, "launcher": 0.0004203319549560547, "import torch": 1.6082065105438232, "import gradio": 0.5532479286193848, "setup paths": 0.9097626209259033, "import ldm": 0.0017046928405761719, "import sgm": 2.6226043701171875e-06, "initialize shared": 0.10310769081115723, "other imports": 0.26105642318725586, "opts onchange": 0.0003199577331542969, "setup SD model": 4.076957702636719e-05, "setup codeformer": 0.0003299713134765625, "setup gfpgan": 0.0029997825622558594, "set samplers": 2.6226043701171875e-05, "list extensions": 0.0007030963897705078, "restore config state file": 5.0067901611328125e-06, "list SD models": 0.011362075805664062, "list localizations": 5.125999450683594e-05, "load scripts/custom_code.py": 0.000293731689453125, "load scripts/img2imgalt.py": 0.00021958351135253906, "load scripts/loopback.py": 0.00010752677917480469, "load scripts/outpainting_mk_2.py": 0.00014162063598632812, "load scripts/poor_mans_outpainting.py": 8.96453857421875e-05, "load scripts/postprocessing_caption.py": 6.580352783203125e-05, "load scripts/postprocessing_codeformer.py": 6.270408630371094e-05, "load scripts/postprocessing_create_flipped_copies.py": 6.222724914550781e-05, "load scripts/postprocessing_focal_crop.py": 0.0003349781036376953, "load scripts/postprocessing_gfpgan.py": 6.318092346191406e-05, "load scripts/postprocessing_split_oversized.py": 6.151199340820312e-05, "load scripts/postprocessing_upscale.py": 0.00011897087097167969, "load scripts/processing_autosized_crop.py": 7.581710815429688e-05, "load scripts/prompt_matrix.py": 8.916854858398438e-05, "load scripts/prompts_from_file.py": 9.942054748535156e-05, "load scripts/sd_upscale.py": 7.748603820800781e-05, "load scripts/xyz_grid.py": 0.0009593963623046875, "load scripts/comments.py": 0.16765785217285156, "load scripts/refiner.py": 0.00016260147094726562, "load scripts/seed.py": 0.00014138221740722656, "load scripts": 0.17090916633605957, "load upscalers": 0.0009899139404296875, "refresh VAE": 0.0005342960357666016, "refresh textual inversion templates": 2.9802322387695312e-05, "scripts list_optimizers": 0.0002799034118652344, "scripts list_unets": 5.0067901611328125e-06, "reload hypernetworks": 0.002045869827270508, "initialize extra networks": 0.0029528141021728516, "scripts before_ui_callback": 9.059906005859375e-06, "create ui": 0.3562040328979492, "gradio launch": 0.05580711364746094, "add APIs": 0.004999876022338867, "app_started_callback": 1.5020370483398438e-05 } }, "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.1", "aiosignal==1.3.1", "albumentations==1.3.1", "altair==5.2.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "attrs==23.2.0", "basicsr==1.4.2", "beautifulsoup4==4.12.3", "blendmodes==2022", "certifi==2023.11.17", "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", "cmake==3.28.1", "coloredlogs==15.0.1", "colorlog==6.8.0", "contourpy==1.2.0", "cssselect2==0.7.0", "cycler==0.12.1", "cython==3.0.8", "deprecation==2.1.0", "dynamicprompts==0.30.4", "easydict==1.11", "einops==0.4.1", "embreex==2.17.7.post4", "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.47.2", "frozenlist==1.4.1", "fsspec==2023.12.2", "ftfy==6.1.3", "future==0.18.3", "fvcore==0.1.5.post20221221", "gdown==5.0.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.0", "h11==0.12.0", "handrefinerportable==2024.1.18.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.20.2", "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", "lit==17.0.6", "llvmlite==0.41.1", "lmdb==1.4.1", "lpips==0.1.4", "lxml==5.1.0", "mapbox-earcut==1.0.1", "markdown==3.5.2", "markupsafe==2.1.4", "matplotlib==3.8.2", "mediapipe==0.10.9", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.2.1", "numba==0.58.1", "numpy==1.26.2", "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", "omegaconf==2.2.3", "onnx==1.15.0", "onnxruntime-gpu==1.16.3", "onnxruntime==1.16.3", "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.12", "packaging==23.2", "pandas==2.2.0", "piexif==1.1.3", "pillow==9.5.0", "pip==23.2.1", "platformdirs==4.1.0", "portalocker==2.8.2", "prettytable==3.9.0", "protobuf==3.20.3", "psutil==5.9.5", "pycollada==0.8", "pycparser==2.21", "pydantic==1.10.14", "pydub==0.25.1", "pyparsing==3.1.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.5.0", "pyyaml==6.0.1", "qudida==0.0.4", "realesrgan==0.3.0", "referencing==0.32.1", "regex==2023.12.25", "reportlab==4.0.9", "requests==2.31.0", "resize-right==0.0.2", "rpds-py==0.17.1", "rtree==1.2.0", "safetensors==0.4.2", "scikit-image==0.21.0", "scikit-learn==1.4.0", "scipy==1.12.0", "semantic-version==2.10.0", "send2trash==1.8.2", "sentencepiece==0.1.99", "setuptools==65.5.0", "shapely==2.0.2", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.0", "sounddevice==0.4.6", "soupsieve==2.5", "spandrel==0.1.6", "starlette==0.26.1", "svg.path==6.3", "svglib==1.5.1", "sympy==1.12", "tabulate==0.9.0", "tb-nightly==2.16.0a20240121", "tensorboard-data-server==0.7.2", "tensorrt-bindings==9.0.1.post11.dev4", "tensorrt-libs==9.0.1.post11.dev4", "tensorrt==9.0.1.post11.dev4", "termcolor==2.4.0", "tf-keras-nightly==2.16.0.dev2024012110", "threadpoolctl==3.2.0", "tifffile==2023.12.9", "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.3.0.post0", "torchsde==0.2.6", "torchvision==0.15.2+cu118", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "trimesh==4.0.10", "triton==2.0.0", "typing-extensions==4.9.0", "tzdata==2023.4", "urllib3==2.1.0", "uvicorn==0.26.0", "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" ] } ```

Console logs

################################################################
Launching launch.py...
################################################################
fatal: detected dubious ownership in repository at '/opt/stable-diffusion-web-ui'
To add an exception for this directory, call:

    git config --global --add safe.directory /opt/stable-diffusion-web-ui
fatal: detected dubious ownership in repository at '/opt/stable-diffusion-web-ui'
To add an exception for this directory, call:

    git config --global --add safe.directory /opt/stable-diffusion-web-ui
Python 3.11.8 (main, Feb 12 2024, 14:50:05) [GCC 13.2.1 20230801]
Version: 1.8.0-RC
Commit hash: <none>
Launching Web UI with arguments: 
No module 'xformers'. Proceeding without it.
==============================================================================
You are running torch 2.0.1+cu118.
The program is tested to work with torch 2.1.2.
To reinstall the desired version, run with commandline flag --reinstall-torch.
Beware that this will cause a lot of large files to be downloaded, as well as
there are reports of issues with training tab on the latest version.

Use --skip-version-check commandline argument to disable this check.
==============================================================================
*** "Disable all extensions" option was set, will not load any extensions ***
Loading weights [6ce0161689] from /opt/stable-diffusion-web-ui/models/Stable-diffusion/v1-5-pruned-emaonly.safetensors
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 5.2s (prepare environment: 1.2s, import torch: 1.6s, import gradio: 0.6s, setup paths: 0.9s, initialize shared: 0.1s, other imports: 0.3s, load scripts: 0.2s, create ui: 0.4s).
Creating model from config: /opt/stable-diffusion-web-ui/configs/v1-inference.yaml
Applying attention optimization: Doggettx... done.
Model loaded in 1.8s (load weights from disk: 0.4s, create model: 0.2s, apply weights to model: 1.0s).
Downloading: "https://github.com/cszn/KAIR/releases/download/v1.0/ESRGAN.pth" to /opt/stable-diffusion-web-ui/models/ESRGAN/ESRGAN_4x.pth

100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 63.8M/63.8M [00:46<00:00, 1.43MB/s]
tiled upscale: 100%|███████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████████| 1/1 [00:00<00:00,  4.46it/s]
*** Error completing request
*** Arguments: ('task(ywqsgklhrxlczw9)', 2.0, None, None, '/home/rabcor/.local/share/openmw/my mods/vanilla/textures/scaled/failed', '/home/rabcor/.local/share/openmw/my mods/vanilla/textures/scaled/failed/4x', True, 0.0, 4, 512, 512, True, 'ESRGAN_4x', 'None', 0.5, False, 1, False, 1, 0, False, 0.5, 0.2, False, 0.9, 0.15, 0.5, False, False, 384, 768, 4096, 409600, 'Maximize area', 0.1, False, ['Horizontal'], False, ['Deepbooru']) {}
    Traceback (most recent call last):
      File "/opt/stable-diffusion-web-ui/modules/call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
                   ^^^^^^^^^^^^^^^^^^^^^
      File "/opt/stable-diffusion-web-ui/modules/call_queue.py", line 36, in f
        res = func(*args, **kwargs)
              ^^^^^^^^^^^^^^^^^^^^^
      File "/opt/stable-diffusion-web-ui/modules/postprocessing.py", line 133, in run_postprocessing_webui
        return run_postprocessing(*args, **kwargs)
               ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "/opt/stable-diffusion-web-ui/modules/postprocessing.py", line 96, in run_postprocessing
        fullfn, _ = images.save_image(pp.image, path=outpath, basename=basename, extension=opts.samples_format, info=infotext, short_filename=True, no_prompt=True, grid=False, pnginfo_section_name="extras", existing_info=existing_pnginfo, forced_filename=forced_filename, suffix=suffix)
                    ^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^^
      File "/opt/stable-diffusion-web-ui/modules/images.py", line 685, in save_image
        _atomically_save_image(image, fullfn_without_extension, extension)
      File "/opt/stable-diffusion-web-ui/modules/images.py", line 669, in _atomically_save_image
        save_image_with_geninfo(image_to_save, info, temp_file_path, extension, existing_pnginfo=params.pnginfo, pnginfo_section_name=pnginfo_section_name)
      File "/opt/stable-diffusion-web-ui/modules/images.py", line 551, in save_image_with_geninfo
        image.save(filename, format=image_format, quality=opts.jpeg_quality, pnginfo=pnginfo_data)
      File "/opt/stable-diffusion-web-ui/venv/lib/python3.11/site-packages/PIL/Image.py", line 2432, in save
        save_handler(self, fp, filename)
      File "/opt/stable-diffusion-web-ui/venv/lib/python3.11/site-packages/PIL/PngImagePlugin.py", line 1364, in _save
        red, green, blue = transparency
        ^^^^^^^^^^^^^^^^
    ValueError: too many values to unpack (expected 3)

Additional information

No response

w-e-w commented 2 months ago

I believe this issue was already fixed sometimage ago in dev and now 1.9-RC

Rabcor commented 2 months ago

I believe this issue was already fixed sometimage ago in dev and now 1.9-RC to test it.

Stupid aur package, can't figure out how to get it to install 1.9-RC, it only wants to install 1.8

Rabcor commented 2 months ago

ok i managed to get 1.9 up and test it, this was indeed fixed there.

Now I'm just encountering #6534 instead though, but not on the sample files i provided here.