Panchovix / stable-diffusion-webui-reForge

GNU Affero General Public License v3.0
344 stars 16 forks source link

[Bug]: Attempting Prompt Compilation (AND) results in IndexError #152

Closed Reithan closed 2 days ago

Reithan commented 3 days ago

Checklist

What happened?

Added AND to a prompt. (tried several) Generate crashed with IndexError:

  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\sd_samplers_cfg_denoiser.py", line 65, in combine_denoised
    denoised[i] += (x_out[cond_index] - denoised_uncond[i]) * (weight * cond_scale)
IndexError: index 1 is out of bounds for dimension 0 with size 1
index 1 is out of bounds for dimension 0 with size 1

Error says index X for dimension 0 with size X where X is batch size. Example above if with batch size 1.

Steps to reproduce the problem

  1. Write a prompt
  2. Add AND somewhere in the prompt
  3. Generate

What should have happened?

Should generate image with prompt compilation

What browsers do you use to access the UI ?

No response

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.11", "Version": "f1.0.2-v1.10.1RC-latest-697-g037b6482", "Commit": "037b6482e3b48c69c671262da20e53150bea6b83", "Git status": "On branch main\nYour branch is up to date with 'origin/main'.\n\nUntracked files:\n (use \"git add ...\" to include in what will be committed)\n\tembeddings/NEGATIVE_HANDS.cm-info.json\n\tembeddings/NEGATIVE_HANDS.preview.jpeg\n\tembeddings/deep_negative_pony.cm-info.json\n\tembeddings/deep_negative_pony.preview.jpeg\n\tembeddings/zPDXL3.cm-info.json\n\tembeddings/zPDXL3.preview.jpeg\n\tembeddings/zPDXLpg-neg.cm-info.json\n\tembeddings/zPDXLpg-neg.preview.jpeg\n\tembeddings/zPDXLpg-neg.pt\n\tembeddings/zPDXLpg.cm-info.json\n\tembeddings/zPDXLpg.preview.jpeg\n\tembeddings/zPDXLpg.pt\n\tembeddings/zPDXLrl-neg.cm-info.json\n\tembeddings/zPDXLrl-neg.preview.jpeg\n\tembeddings/zPDXLrl-neg.pt\n\tembeddings/zPDXLrl.cm-info.json\n\tembeddings/zPDXLrl.preview.jpeg\n\tembeddings/zPDXLrl.pt\n\tembeddings/zPDXLxxx-neg.cm-info.json\n\tembeddings/zPDXLxxx-neg.preview.jpeg\n\tembeddings/zPDXLxxx-neg.pt\n\tembeddings/zPDXLxxx.cm-info.json\n\tembeddings/zPDXLxxx.preview.jpeg\n\tembeddings/zPDXLxxx.pt\n\textensions/a1111-sd-webui-tagcomplete/\n\textensions/adetailer/\n\textensions/sd-webui-regional-prompter/\n\textensions/ultimate-upscale-for-automatic1111/\n\tstyles.csv.old.csv\n\nnothing added to commit but untracked files present (use \"git add\" to track)", "Script path": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge", "Data path": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge", "Extensions dir": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\extensions", "Checksum": "b925b903c903ae41aa62d91adfcdc713cfb5aa4290a7353396c778b59e21b6c4", "Commandline": [ "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\launch.py", "--gradio-allowed-path", "D:\StabilityMatrix\Images" ], "Torch env info": { "torch_version": "2.3.1+cu121", "is_debug_build": "False", "cuda_compiled_version": "12.1", "gcc_version": "(MinGW-W64 x86_64-ucrt-posix-seh, built by Brecht Sanders, r5) 13.2.0\r", "clang_version": "17.0.6", "cmake_version": "version 3.28.2", "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": "565.90", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3080", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.26.2", "onnx==1.17.0", "onnxruntime==1.19.2", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.3.1+cu121", "torchdiffeq==0.2.3", "torchmetrics==1.4.3", "torchsde==0.2.6", "torchvision==0.18.1+cu121" ], "conda_packages": "", "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=107", "L2CacheSize=8192", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=3401", "Name=AMD Ryzen 9 5950X 16-Core Processor ", "ProcessorType=3", "Revision=8448" ] }, "Exceptions": [ { "exception": "'NoneType' object is not iterable", "traceback": [ [ "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\call_queue.py, line 74, f", "res = list(func(*args, kwargs))" ] ] }, { "exception": "'NoneType' object is not iterable", "traceback": [ [ "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\call_queue.py, line 74, f", "res = list(func(*args, *kwargs))" ] ] }, { "exception": "'NoneType' object is not iterable", "traceback": [ [ "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\call_queue.py, line 74, f", "res = list(func(args, kwargs))" ] ] }, { "exception": "'NoneType' object is not iterable", "traceback": [ [ "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\call_queue.py, line 74, f", "res = list(func(*args, *kwargs))" ] ] }, { "exception": "'NoneType' object is not iterable", "traceback": [ [ "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\call_queue.py, line 74, f", "res = list(func(args, **kwargs))" ] ] } ], "CPU": { "model": "AMD64 Family 25 Model 33 Stepping 0, AuthenticAMD", "count logical": 32, "count physical": 16 }, "RAM": { "total": "32GB", "used": "14GB", "free": "18GB" }, "Extensions": [ { "name": "a1111-sd-webui-tagcomplete", "path": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\extensions\a1111-sd-webui-tagcomplete", "commit": "827b99c9618e933213b4142f9c1278b17e33e519", "branch": "main", "remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete.git" }, { "name": "adetailer", "path": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\extensions\adetailer", "commit": "03ec9d004ae2e7051506b3485a81c67d028d38e4", "branch": "main", "remote": "https://github.com/Bing-su/adetailer.git" }, { "name": "sd-webui-regional-prompter", "path": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\extensions\sd-webui-regional-prompter", "commit": "3c3c4bcb421065c335472adb64c9d0f39baef6b9", "branch": "main", "remote": "https://github.com/hako-mikan/sd-webui-regional-prompter.git" }, { "name": "ultimate-upscale-for-automatic1111", "path": "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\extensions\ultimate-upscale-for-automatic1111", "commit": "2322caa480535b1011a1f9c18126d85ea444f146", "branch": "master", "remote": "https://github.com/Coyote-A/ultimate-upscale-for-automatic1111.git" } ], "Inactive extensions": [], "Environment": { "GIT": "D:\StabilityMatrix\PortableGit\bin\git.exe", "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, "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 5, "control_net_ipadapter_cache_size": 5, "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_input_thumbnail": true, "sd_checkpoint_hash": "67ab2fd8ec439a89b3fedb15cc65f54336af163c7eb5e4f2acc98f090a29b0b3", "sd_model_checkpoint": "sd\ponyDiffusionV6XL_v6StartWithThisOne.safetensors [67ab2fd8ec]", "CLIP_stop_at_last_layers": 2, "sd_vae": "Automatic", "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", "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": "Tree", "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, "euler_og_s_churn": 0, "euler_og_s_tmin": 0, "euler_og_s_noise": 1, "euler_ancestral_og_eta": 1, "euler_ancestral_og_s_noise": 1, "heun_og_s_churn": 0, "heun_og_s_tmin": 0, "heun_og_s_noise": 1, "dpm_2s_ancestral_og_eta": 1, "dpm_2s_ancestral_og_s_noise": 1, "dpmpp_sde_og_eta": 1, "dpmpp_sde_og_s_noise": 1, "dpmpp_sde_og_r": 0.5, "dpmpp_2m_sde_og_eta": 1, "dpmpp_2m_sde_og_s_noise": 1, "dpmpp_2m_sde_og_solver_type": "midpoint", "dpmpp_3m_sde_og_eta": 1, "dpmpp_3m_sde_og_s_noise": 1, "heunpp2_s_churn": 0, "heunpp2_s_tmin": 0, "heunpp2_s_noise": 1, "ipndm_max_order": 4, "ipndm_v_max_order": 4, "deis_max_order": 3, "deis_mode": "tab", "dpmpp_2s_ancestral_eta": 1, "dpmpp_2s_ancestral_s_noise": 1, "dpmpp_sde_eta": 1, "dpmpp_sde_s_noise": 1, "dpmpp_sde_r": 0.5, "euler_ancestral_eta": 1, "euler_ancestral_s_noise": 1, "euler_dy_s_churn": 0, "euler_dy_s_tmin": 0, "euler_dy_s_noise": 1, "euler_smea_dy_s_churn": 0, "euler_smea_dy_s_tmin": 0, "euler_smea_dy_s_noise": 1, "euler_negative_s_churn": 0, "euler_negative_s_tmin": 0, "euler_negative_s_noise": 1, "euler_dy_negative_s_churn": 0, "euler_dy_negative_s_tmin": 0, "euler_dy_negative_s_noise": 1, "ode_bosh3_rtol": -2.5, "ode_bosh3_atol": -3.5, "ode_bosh3_max_steps": 250, "ode_fehlberg2_rtol": -4, "ode_fehlberg2_atol": -6, "ode_fehlberg2_max_steps": 250, "ode_adaptive_heun_rtol": -2.5, "ode_adaptive_heun_atol": -3.5, "ode_adaptive_heun_max_steps": 250, "ode_dopri5_rtol": -2, "ode_dopri5_atol": -3, "ode_dopri5_max_steps": 250, "ode_custom_solver": "dopri5", "ode_custom_rtol": -3, "ode_custom_atol": -4, "ode_custom_max_steps": 250, "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, "sd_processing": "reForge OG", "sd_sampler_cfg_denoiser": "reForge", "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, "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_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": "webp", "show_progress_grid": true, "show_progress_every_n_steps": 1, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Combined", "live_preview_refresh_period": 50.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", "face_restoration", "img2img_extra_noise" ], "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_tabs": [], "prioritized_callbacks_ui_settings": [], "prioritized_callbacks_after_component": [], "prioritized_callbacks_infotext_pasted": [], "prioritized_callbacks_script_unloaded": [], "prioritized_callbacks_before_ui": [], "prioritized_callbacks_on_reload": [], "prioritized_callbacks_list_optimizers": [], "prioritized_callbacks_before_token_counter": [], "prioritized_callbacks_script_before_process": [], "prioritized_callbacks_script_process": [], "prioritized_callbacks_script_postprocess": [], "prioritized_callbacks_script_postprocess_batch_list": [], "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", "unload_sd_during_upscale": false, "ESRGAN_tile": 256, "ESRGAN_tile_overlap": 32, "DAT_tile": 256, "DAT_tile_overlap": 32, "HAT_tile": 256, "HAT_tile_overlap": 32, "SRFormer_tile": 176, "SRFormer_tile_overlap": 32, "GRL_tile": 256, "GRL_tile_overlap": 32, "OmniSR_tile": 256, "OmniSR_tile_overlap": 32, "SPAN_tile": 256, "SPAN_tile_overlap": 32, "COMPACT_tile": 0, "COMPACT_tile_overlap": 32, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "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": "", "disabled_extensions": [ "multidiffusion-upscaler-for-automatic1111" ], "disable_all_extensions": "none", "ad_max_models": 4, "ad_extra_models_dir": "", "ad_save_images_dir": "", "ad_save_previews": false, "ad_save_images_before": false, "ad_only_selected_scripts": true, "ad_script_names": "dynamic_prompting,dynamic_thresholding,lora_block_weight,negpip,wildcard_recursive,wildcards", "ad_bbox_sortby": "None", "ad_same_seed_for_each_tab": false, "ad_dynamic_denoise_power": 0, "ad_match_inpaint_bbox_size": "Off", "prioritized_callbacks_script_postprocess_image": [], "tac_tagFile": "danbooru.csv", "tac_active": true, "tac_activeIn.txt2img": true, "tac_activeIn.img2img": true, "tac_activeIn.negativePrompts": true, "tac_activeIn.thirdParty": true, "tac_activeIn.modelList": "", "tac_activeIn.modelListMode": "Blacklist", "tac_slidingPopup": true, "tac_maxResults": 5, "tac_showAllResults": false, "tac_resultStepLength": 100, "tac_delayTime": 100, "tac_useWildcards": true, "tac_sortWildcardResults": true, "tac_wildcardExclusionList": "", "tac_skipWildcardRefresh": false, "tac_useEmbeddings": true, "tac_forceRefreshEmbeddings": false, "tac_includeEmbeddingsInNormalResults": false, "tac_useHypernetworks": true, "tac_useLoras": true, "tac_useLycos": true, "tac_useLoraPrefixForLycos": true, "tac_showWikiLinks": false, "tac_showExtraNetworkPreviews": true, "tac_modelSortOrder": "Name", "tac_useStyleVars": false, "tac_frequencySort": true, "tac_frequencyFunction": "Logarithmic (weak)", "tac_frequencyMinCount": 3, "tac_frequencyMaxAge": 30, "tac_frequencyRecommendCap": 10, "tac_frequencyIncludeAlias": false, "tac_replaceUnderscores": true, "tac_escapeParentheses": true, "tac_appendComma": true, "tac_appendSpace": true, "tac_alwaysSpaceAtEnd": true, "tac_modelKeywordCompletion": "Never", "tac_modelKeywordLocation": "Start of prompt", "tac_wildcardCompletionMode": "To next folder level", "tac_alias.searchByAlias": true, "tac_alias.onlyShowAlias": false, "tac_translation.translationFile": "None", "tac_translation.oldFormat": false, "tac_translation.searchByTranslation": true, "tac_translation.liveTranslation": false, "tac_extra.extraFile": "extra-quality-tags.csv", "tac_extra.addMode": "Insert before", "tac_chantFile": "demo-chants.json", "tac_keymap": "{\n \"MoveUp\": \"ArrowUp\",\n \"MoveDown\": \"ArrowDown\",\n \"JumpUp\": \"PageUp\",\n \"JumpDown\": \"PageDown\",\n \"JumpToStart\": \"Home\",\n \"JumpToEnd\": \"End\",\n \"ChooseSelected\": \"Enter\",\n \"ChooseFirstOrSelected\": \"Tab\",\n \"Close\": \"Escape\"\n}", "tac_colormap": "{\n \"danbooru\": {\n \"-1\": [\"red\", \"maroon\"],\n \"0\": [\"lightblue\", \"dodgerblue\"],\n \"1\": [\"indianred\", \"firebrick\"],\n \"3\": [\"violet\", \"darkorchid\"],\n \"4\": [\"lightgreen\", \"darkgreen\"],\n \"5\": [\"orange\", \"darkorange\"]\n },\n \"e621\": {\n \"-1\": [\"red\", \"maroon\"],\n \"0\": [\"lightblue\", \"dodgerblue\"],\n \"1\": [\"gold\", \"goldenrod\"],\n \"3\": [\"violet\", \"darkorchid\"],\n \"4\": [\"lightgreen\", \"darkgreen\"],\n \"5\": [\"tomato\", \"darksalmon\"],\n \"6\": [\"red\", \"maroon\"],\n \"7\": [\"whitesmoke\", \"black\"],\n \"8\": [\"seagreen\", \"darkseagreen\"]\n },\n \"derpibooru\": {\n \"-1\": [\"red\", \"maroon\"],\n \"0\": [\"#60d160\", \"#3d9d3d\"],\n \"1\": [\"#fff956\", \"#918e2e\"],\n \"3\": [\"#fd9961\", \"#a14c2e\"],\n \"4\": [\"#cf5bbe\", \"#6c1e6c\"],\n \"5\": [\"#3c8ad9\", \"#1e5e93\"],\n \"6\": [\"#a6a6a6\", \"#555555\"],\n \"7\": [\"#47abc1\", \"#1f6c7c\"],\n \"8\": [\"#7871d0\", \"#392f7d\"],\n \"9\": [\"#df3647\", \"#8e1c2b\"],\n \"10\": [\"#c98f2b\", \"#7b470e\"],\n \"11\": [\"#e87ebe\", \"#a83583\"]\n }\n}", "tac_refreshTempFiles": "Refresh TAC temp files", "regprp_debug": false, "regprp_hidepmask": false }, "Startup": { "total": 12.440182209014893, "records": { "initial startup": 0.002001523971557617, "prepare environment/checks": 0.0, "prepare environment/git version info": 0.06955981254577637, "prepare environment/torch GPU test": 1.5587294101715088, "prepare environment/clone repositores": 0.13461661338806152, "prepare environment/run extensions installers/a1111-sd-webui-tagcomplete": 0.000499725341796875, "prepare environment/run extensions installers/adetailer": 0.2231919765472412, "prepare environment/run extensions installers/sd-webui-regional-prompter": 0.0, "prepare environment/run extensions installers/ultimate-upscale-for-automatic1111": 0.0, "prepare environment/run extensions installers": 0.22369170188903809, "prepare environment/run extensions_builtin installers/canvas-zoom-and-pan": 0.0005002021789550781, "prepare environment/run extensions_builtin installers/extra-options-section": 0.0, "prepare environment/run extensions_builtin installers/forge_legacy_preprocessors": 0.32828211784362793, "prepare environment/run extensions_builtin installers/forge_preprocessor_inpaint": 0.0, "prepare environment/run extensions_builtin installers/forge_preprocessor_marigold": 0.0, "prepare environment/run extensions_builtin installers/forge_preprocessor_normalbae": 0.0, "prepare environment/run extensions_builtin installers/forge_preprocessor_recolor": 0.0, "prepare environment/run extensions_builtin installers/forge_preprocessor_reference": 0.0, "prepare environment/run extensions_builtin installers/forge_preprocessor_revision": 0.0, "prepare environment/run extensions_builtin installers/forge_preprocessor_tile": 0.0, "prepare environment/run extensions_builtin installers/LDSR": 0.0, "prepare environment/run extensions_builtin installers/Lora": 0.0005004405975341797, "prepare environment/run extensions_builtin installers/mobile": 0.0, "prepare environment/run extensions_builtin installers/prompt-bracket-checker": 0.0, "prepare environment/run extensions_builtin installers/reForge-APGIsYourCFG": 0.0, "prepare environment/run extensions_builtin installers/reForge-RescaleCFG": 0.0, "prepare environment/run extensions_builtin installers/ScuNET": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_controlllite": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_controlnet": 0.32098889350891113, "prepare environment/run extensions_builtin installers/sd_forge_controlnet_example": 0.0005004405975341797, "prepare environment/run extensions_builtin installers/sd_forge_dynamic_thresholding": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_fooocus_inpaint": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_freeu": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_hypertile": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_ipadapter": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_kohya_hrfix": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_latent_modifier": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_multidiffusion": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_neveroom": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_photomaker": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_sag": 0.0005006790161132812, "prepare environment/run extensions_builtin installers/sd_forge_stylealign": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_svd": 0.0, "prepare environment/run extensions_builtin installers/sd_forge_z123": 0.0, "prepare environment/run extensions_builtin installers/soft-inpainting": 0.0, "prepare environment/run extensions_builtin installers/StableCascade-for-webUI-main": 0.0, "prepare environment/run extensions_builtin installers/SwinIR": 0.0, "prepare environment/run extensions_builtin installers": 0.6512727737426758, "prepare environment": 2.6723990440368652, "launcher": 0.002001523971557617, "import torch": 3.8339338302612305, "import gradio": 0.6965975761413574, "setup paths": 0.8207035064697266, "import ldm": 0.005504608154296875, "import sgm": 0.0, "initialize shared": 0.14518380165100098, "other imports": 0.38683176040649414, "opts onchange": 0.0, "setup SD model": 0.0, "setup codeformer": 0.0015010833740234375, "setup gfpgan": 0.010509014129638672, "set samplers": 0.0, "list extensions": 0.0040035247802734375, "restore config state file": 0.0, "list SD models": 0.016487836837768555, "list localizations": 0.0005002021789550781, "load scripts/custom_code.py": 0.008007287979125977, "load scripts/img2imgalt.py": 0.0005009174346923828, "load scripts/loopback.py": 0.0, "load scripts/outpainting_mk_2.py": 0.000499725341796875, "load scripts/poor_mans_outpainting.py": 0.0005006790161132812, "load scripts/postprocessing_caption.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0004999637603759766, "load scripts/postprocessing_create_flipped_copies.py": 0.0, "load scripts/postprocessing_focal_crop.py": 0.005505084991455078, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_split_oversized.py": 0.0005002021789550781, "load scripts/postprocessing_upscale.py": 0.0005009174346923828, "load scripts/processing_autosized_crop.py": 0.0, "load scripts/prompt_matrix.py": 0.0005004405975341797, "load scripts/prompts_from_file.py": 0.0, "load scripts/sd_upscale.py": 0.0004999637603759766, "load scripts/xyz_grid.py": 0.001501321792602539, "load scripts/ldsr_model.py": 0.15413212776184082, "load scripts/lora_script.py": 0.24893569946289062, "load scripts/scunet_model.py": 0.04103517532348633, "load scripts/SC_pipeline.py": 0.19066381454467773, "load scripts/stablecascade_diffusers.py": 0.06855940818786621, "load scripts/swinir_model.py": 0.03953289985656738, "load scripts/hotkey_config.py": 0.0005011558532714844, "load scripts/extra_options_section.py": 0.0005006790161132812, "load scripts/legacy_preprocessors.py": 0.015012025833129883, "load scripts/logging.py": 0.0005006790161132812, "load scripts/utils.py": 0.12260198593139648, "load scripts/preprocessor_inpaint.py": 0.0095062255859375, "load scripts/preprocessor_marigold.py": 0.009507894515991211, "load scripts/preprocessor_normalbae.py": 0.0030024051666259766, "load scripts/preprocessor_recolor.py": 0.0, "load scripts/forge_reference.py": 0.0005006790161132812, "load scripts/preprocessor_revision.py": 0.0005004405975341797, "load scripts/preprocessor_tile.py": 0.0, "load scripts/advanced_model_sampling_script.py": 0.005004167556762695, "load scripts/forge_controllllite.py": 0.008007287979125977, "load scripts/controlnet.py": 0.3042609691619873, "load scripts/xyz_grid_support.py": 0.0005002021789550781, "load scripts/sd_forge_controlnet_example.py": 0.0005013942718505859, "load scripts/forge_dynamic_thresholding.py": 0.00350189208984375, "load scripts/forge_fooocus_inpaint.py": 0.0005009174346923828, "load scripts/forge_freeu.py": 0.04553818702697754, "load scripts/forge_hypertile.py": 0.0025022029876708984, "load scripts/forge_ipadapter.py": 0.008508682250976562, "load scripts/kohya_hrfix.py": 0.002516031265258789, "load scripts/forge_latent_modifier.py": 0.002988576889038086, "load scripts/forge_multidiffusion.py": 0.007505178451538086, "load scripts/forge_never_oom.py": 0.0, "load scripts/forge_photomaker.py": 0.003002643585205078, "load scripts/forge_sag.py": 0.002502918243408203, "load scripts/forge_stylealign.py": 0.0005002021789550781, "load scripts/forge_svd.py": 0.04954266548156738, "load scripts/forge_z123.py": 0.04503893852233887, "load scripts/soft_inpainting.py": 0.000499725341796875, "load scripts/model_keyword_support.py": 0.008006572723388672, "load scripts/shared_paths.py": 0.0010020732879638672, "load scripts/tag_autocomplete_helper.py": 0.13311338424682617, "load scripts/tag_frequency_db.py": 0.0005002021789550781, "load scripts/!adetailer.py": 0.345806360244751, "load scripts/attention.py": 0.0010008811950683594, "load scripts/latent.py": 0.009007453918457031, "load scripts/regions.py": 0.0005006790161132812, "load scripts/rp.py": 0.04603934288024902, "load scripts/rps.py": 0.012010335922241211, "load scripts/ultimate-upscale.py": 0.0005006790161132812, "load scripts/comments.py": 0.044037580490112305, "load scripts/refiner.py": 0.0005004405975341797, "load scripts/sampler.py": 0.0, "load scripts/seed.py": 0.0005004405975341797, "load scripts": 2.0194590091705322, "load upscalers": 0.00650334358215332, "refresh VAE": 0.0020017623901367188, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0295255184173584, "scripts list_unets": 0.0, "reload hypernetworks": 0.0, "initialize extra networks": 0.004003286361694336, "scripts before_ui_callback": 0.0010006427764892578, "create ui": 0.7471408843994141, "gradio launch": 1.042396068572998, "add APIs": 0.018015623092651367, "app_started_callback/lora_script.py": 0.0005002021789550781, "app_started_callback/controlnet.py": 0.001001596450805664, "app_started_callback/tag_autocomplete_helper.py": 0.0045032501220703125, "app_started_callback/!adetailer.py": 0.0005009174346923828, "app_started_callback": 0.0065059661865234375 } }, "Packages": [ "absl-py==2.1.0", "accelerate==0.21.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohappyeyeballs==2.4.3", "aiohttp==3.10.10", "aiosignal==1.3.1", "albumentations==1.4.3", "altair==5.4.1", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==24.2.0", "blendmodes==2022", "cachetools==5.3.2", "certifi==2024.8.30", "cffi==1.17.1", "chardet==5.2.0", "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.8.2", "contourpy==1.3.0", "cssselect2==0.7.0", "cycler==0.12.1", "Cython==3.0.11", "deprecation==2.1.0", "depth_anything @ https://github.com/huchenlei/Depth-Anything/releases/download/v1.0.0/depth_anything-2024.1.22.0-py2.py3-none-any.whl#sha256=26c1d38b8c3c306b4a2197d725a4b989ff65f7ebcf4fb5a96a1b6db7fbd56780", "diffusers==0.28.2", "diskcache==5.6.3", "easydict==1.13", "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.54.1", "frozenlist==1.4.1", "fsspec==2024.9.0", "ftfy==6.3.0", "fvcore==0.1.5.post20221221", "gitdb==4.0.11", "GitPython==3.1.32", "gradio==3.41.2", "gradio_client==0.5.0", "h11==0.12.0", "handrefinerportable @ https://github.com/huchenlei/HandRefinerPortable/releases/download/v1.0.1/handrefinerportable-2024.2.12.0-py2.py3-none-any.whl#sha256=1e6c702905919f4c49bcb2db7b20d334e8458a7555cd57630600584ec38ca6a9", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.25.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", "insightface @ https://github.com/Gourieff/Assets/raw/main/Insightface/insightface-0.7.3-cp310-cp310-win_amd64.whl#sha256=47aa0571b2aadd8545d4bc7615dfbc374c10180c283b7ac65058fcb41ed4df86", "intel-openmp==2021.4.0", "iopath==0.1.9", "jax==0.4.34", "jaxlib==0.4.34", "Jinja2==3.1.4", "joblib==1.4.2", "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.7", "llvmlite==0.43.0", "lxml==5.3.0", "manifold3d==2.5.1", "mapbox_earcut==1.0.2", "markdown-it-py==3.0.0", "MarkupSafe==2.1.5", "matplotlib==3.9.2", "mdurl==0.1.2", "mediapipe==0.10.14", "mkl==2021.4.0", "ml_dtypes==0.5.0", "mpmath==1.3.0", "multidict==6.1.0", "narwhals==1.9.3", "networkx==3.4.1", "numba==0.60.0", "numpy==1.26.2", "omegaconf==2.2.3", "onnx==1.17.0", "onnxruntime==1.19.2", "open-clip-torch==2.20.0", "opencv-contrib-python==4.10.0.84", "opencv-python==4.10.0.84", "opencv-python-headless==4.10.0.84", "opt_einsum==3.4.0", "orjson==3.10.7", "packaging==24.1", "pandas==2.2.3", "piexif==1.1.3", "Pillow==9.5.0", "pillow-avif-plugin==1.4.3", "pip==24.2", "portalocker==2.10.1", "prettytable==3.11.0", "propcache==0.2.0", "protobuf==3.20.0", "psutil==5.9.5", "py-cpuinfo==9.0.0", "pycollada==0.8", "pycparser==2.22", "pydantic==1.10.15", "pydub==0.25.1", "Pygments==2.18.0", "pyparsing==3.2.0", "pyreadline3==3.5.4", "python-dateutil==2.9.0.post0", "python-multipart==0.0.12", "pytorch-lightning==1.9.4", "pytz==2024.2", "PyWavelets==1.7.0", "pywin32==308", "PyYAML==6.0.2", "referencing==0.35.1", "regex==2024.9.11", "reportlab==4.2.5", "requests==2.32.3", "resize-right==0.0.2", "rich==13.9.2", "rpds-py==0.20.0", "Rtree==1.3.0", "safetensors==0.4.2", "scikit-image==0.21.0", "scikit-learn==1.5.2", "scipy==1.14.1", "seaborn==0.13.2", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==69.5.1", "shapely==2.0.6", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "sounddevice==0.5.1", "spandrel==0.3.4", "spandrel_extra_arches==0.1.1", "starlette==0.26.1", "svg.path==6.3", "svglib==1.5.1", "sympy==1.13.3", "tabulate==0.9.0", "tbb==2021.13.1", "termcolor==2.5.0", "threadpoolctl==3.5.0", "tifffile==2024.9.20", "timm==1.0.10", "tinycss2==1.3.0", "tokenizers==0.19.1", "tomesd==0.1.3", "torch==2.3.1+cu121", "torchdiffeq==0.2.3", "torchmetrics==1.4.3", "torchsde==0.2.6", "torchvision==0.18.1+cu121", "tqdm==4.66.5", "trampoline==0.1.2", "transformers==4.44.0", "trimesh==4.5.0", "typing_extensions==4.12.2", "tzdata==2024.2", "ultralytics==8.3.14", "ultralytics-thop==2.0.9", "urllib3==2.2.3", "uvicorn==0.31.1", "vhacdx==0.0.8.post1", "wcwidth==0.2.13", "webencodings==0.5.1", "websockets==11.0.3", "wheel==0.44.0", "xatlas==0.0.9", "xxhash==3.5.0", "yacs==0.1.8", "yarl==1.15.2", "zipp==3.20.2" ] }

Console logs

Python 3.10.11 (tags/v3.10.11:7d4cc5a, Apr  5 2023, 00:38:17) [MSC v.1929 64 bit (AMD64)]
Version: f1.0.2-v1.10.1RC-latest-697-g037b6482
Commit hash: 037b6482e3b48c69c671262da20e53150bea6b83
Launching Web UI with arguments: --gradio-allowed-path 'D:\StabilityMatrix\Images'
Total VRAM 10239 MB, total RAM 32670 MB
Set vram state to: NORMAL_VRAM
Device: cuda:0 NVIDIA GeForce RTX 3080 : native
Hint: your device supports --pin-shared-memory for potential speed improvements.
Hint: your device supports --cuda-malloc for potential speed improvements.
Hint: your device supports --cuda-stream for potential speed improvements.
VAE dtype: torch.bfloat16
CUDA Stream Activated:  False
D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\venv\lib\site-packages\transformers\utils\hub.py:127: FutureWarning: Using `TRANSFORMERS_CACHE` is deprecated and will be removed in v5 of Transformers. Use `HF_HOME` instead.
  warnings.warn(
Using pytorch cross attention
Loading model sd\ponyDiffusionV6XL_v6StartWithThisOne.safetensors [67ab2fd8ec] (1 of 1)
Loading weights [67ab2fd8ec] from D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\models\Stable-diffusion\sd\ponyDiffusionV6XL_v6StartWithThisOne.safetensors
Running on local URL:  http://127.0.0.1:7860

To create a public link, set `share=True` in `launch()`.
Startup time: 8.7s (prepare environment: 1.8s, import torch: 3.8s, import gradio: 0.7s, setup paths: 0.8s, initialize shared: 0.1s, other imports: 0.4s, load scripts: 0.2s, create ui: 0.3s, gradio launch: 0.5s).
model_type EPS
UNet ADM Dimension 2816
Using pytorch attention in VAE
Working with z of shape (1, 4, 32, 32) = 4096 dimensions.
Using pytorch attention in VAE
D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\venv\lib\site-packages\transformers\tokenization_utils_base.py:1601: FutureWarning: `clean_up_tokenization_spaces` was not set. It will be set to `True` by default. This behavior will be depracted in transformers v4.45, and will be then set to `False` by default. For more details check this issue: https://github.com/huggingface/transformers/issues/31884
  warnings.warn(
extra {'cond_stage_model.clip_l.logit_scale', 'cond_stage_model.clip_l.text_projection'}
left over keys: dict_keys(['cond_stage_model.clip_l.transformer.text_model.embeddings.position_ids'])
Loading VAE weights from user metadata: D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\models\VAE\sdxl_vae.safetensors
To load target model SDXLClipModel
Begin to load 1 model
[Memory Management] Current Free GPU Memory (MB) =  9071.83203125
[Memory Management] Model Memory (MB) =  2144.3535232543945
[Memory Management] Minimal Inference Memory (MB) =  1024.0
[Memory Management] Estimated Remaining GPU Memory (MB) =  5903.4785079956055
Moving model(s) has taken 0.42 seconds
Model sd\ponyDiffusionV6XL_v6StartWithThisOne.safetensors [67ab2fd8ec] loaded in 4.7s (load weights from disk: 0.4s, forge instantiate config: 1.3s, forge load real models: 2.2s, load VAE: 0.1s, calculate empty prompt: 0.6s).
To load target model SDXL
Begin to load 1 model
[Memory Management] Current Free GPU Memory (MB) =  9014.90576171875
[Memory Management] Model Memory (MB) =  4897.086494445801
[Memory Management] Minimal Inference Memory (MB) =  1024.0
[Memory Management] Estimated Remaining GPU Memory (MB) =  3093.819267272949
Moving model(s) has taken 1.05 seconds
  0%|          | 0/20 [00:00<?, ?it/s]
Traceback (most recent call last):
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules_forge\main_thread.py", line 37, in loop
    task.work()
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules_forge\main_thread.py", line 26, in work
    self.result = self.func(*self.args, **self.kwargs)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\txt2img.py", line 110, in txt2img_function
    processed = processing.process_images(p)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\processing.py", line 822, in process_images
    res = process_images_inner(p)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\processing.py", line 971, in process_images_inner
    samples_ddim = p.sample(conditioning=p.c, unconditional_conditioning=p.uc, seeds=p.seeds, subseeds=p.subseeds, subseed_strength=p.subseed_strength, prompts=p.prompts)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\processing.py", line 1342, in sample
    samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\sd_samplers_kdiffusion.py", line 261, in sample
    samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\sd_samplers_common.py", line 274, in launch_sampling
    return func()
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\sd_samplers_kdiffusion.py", line 261, in <lambda>
    samples = self.launch_sampling(steps, lambda: self.func(self.model_wrap_cfg, x, extra_args=self.sampler_extra_args, disable=False, callback=self.callback_state, **extra_params_kwargs))
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\venv\lib\site-packages\torch\utils\_contextlib.py", line 115, in decorate_context
    return func(*args, **kwargs)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\repositories\k-diffusion\k_diffusion\sampling.py", line 594, in sample_dpmpp_2m
    denoised = model(x, sigmas[i] * s_in, **extra_args)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\venv\lib\site-packages\torch\nn\modules\module.py", line 1532, in _wrapped_call_impl
    return self._call_impl(*args, **kwargs)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\venv\lib\site-packages\torch\nn\modules\module.py", line 1541, in _call_impl
    return forward_call(*args, **kwargs)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\sd_samplers_cfg_denoiser.py", line 239, in forward
    denoised = self.combine_denoised(denoised, cond_composition, uncond, cond_scale * self.cond_scale_miltiplier)
  File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\sd_samplers_cfg_denoiser.py", line 65, in combine_denoised
    denoised[i] += (x_out[cond_index] - denoised_uncond[i]) * (weight * cond_scale)
IndexError: index 4 is out of bounds for dimension 0 with size 4
index 4 is out of bounds for dimension 0 with size 4
*** Error completing request
*** Arguments: ('task(vu58kzy81d0mpn0)', <gradio.routes.Request object at 0x000001249F2AAEC0>, '(girl AND boy) in sky', '', [], 1, 4, 6, 512, 512, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'DPM++ 2M', 'Use same scheduler', '', '', [], 0, 20, 'DPM++ 2M', 'Karras', False, '', 0.8, -1, False, -1, 0, 0, 0, False, False, 'positive', 'comma', 0, False, False, 'start', '', 0, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 2, False) {}
    Traceback (most recent call last):
      File "D:\StabilityMatrix\Packages\Stable Diffusion WebUI reForge\modules\call_queue.py", line 74, in f
        res = list(func(*args, **kwargs))
    TypeError: 'NoneType' object is not iterable

---

Additional information

No response

Reithan commented 3 days ago

This seems to be an issue with indexing into x_out using cond_index, cond_index is set here: (https://github.com/Panchovix/stable-diffusion-webui-reForge/blob/main/modules/prompt_parser.py#L350) and is set via len(tensors), which increases throughout the entire process. So for something like girl AND cat you get 2 conds in each of the 4 batches in conds_for_batch numbered: 0,1,2,3,4,5,6,7, rather than 0,0,1,1,2,2,3,3 as expected. As anything >3 is IndexError, it explodes.

This seems to be fixable by just swapping len(tensors) out for len(conds_list) here, but I'm not sure what the output of these sorts of prompts is supposed to look like. It ends up looking pretty deep-fried atm.

It looks like right now all combined prompts are simply added together, so 2 prompts would have 2x normal CFG scale. You can fix this by putting something like (girl:0.5 AND girl:0.5), but it may be more sensible to scale the weights when combining, something like denoised[i] += (x_out[cond_index] - denoised_uncond[i]) * (weight * cond_scale) / len(conds), but I may be misunderstanding what's expected here.

Reithan commented 3 days ago

After fixing, trying with & without the scaling fix, I'm of mixed feeling which is better. AND seems to get processed after BREAK, so highres BREAK cat AND girl becomes a mix of highres cat + girl, so if you scale both, you only get 1/2 highres, which is not great, so to fix that, you'd either need to do (highres:2.0) BREAK cat AND girl or repeat highres before and after AND, if you DON'T scale the compiled prompts, then you'd get full strength of all terms... but then you're basically operating at 2x CFG, which will just deep fry your image most of the time.

Testing so far shows much better result with scaling by / len(conds), but when using this in conjunction with BREAK it means you have to repeat all parts that are 'common' before & after the AND to get full strenght.

tl;dr: using BREAK and AND together is weird.

Reithan commented 2 days ago

Fix merged #153