vladmandic / automatic

SD.Next: Advanced Implementation of Stable Diffusion and other Diffusion-based generative image models
https://github.com/vladmandic/automatic
GNU Affero General Public License v3.0
5.71k stars 425 forks source link

[Issue]: Running significantly slower than normal #1381

Closed drfacedoctor closed 1 year ago

drfacedoctor commented 1 year ago

Issue Description

I have been using this fork of Automatic for a long time, and within the last day my iterations per second have dropped from about 6 it/s to about 2.5 s/it. It seems to have happened midway through the day on June 9th after restarting the program. Nothing else has changed about my setup. I can still utilize all of my VRAM and make large batch sizes and highres fix, it's just running much slower now.

Version Platform Description

My Specs are

Automatic: Version: 971e51fe Fri Jun 9 18:24:18 2023 -0400

NVidia Driver Version: 532.03 CUDA Version: 12.1

OS: Windows 10 Pro 19405 CPU: AMD Ryzen 7 5800x3D RAM: 32GB DDR4 3200Mhz GPU: Nvidia RTX 3070 8GB

I have not changed my hardware in recent history, and to my knowledge I haven't gotten any windows updates within the last few weeks, I have CUDA tools installed and everything, like I said everything was working fine a day ago and now it's running much slower. Tried restarting the program and restarting Windows multiple times but no luck.

InfinityARS commented 1 year ago

Downgrade to nvidia driver 531

drfacedoctor commented 1 year ago

Tried downgrading to driver 531.68, doesn't seem to change anything. Hovers around 2.6 it/s at best.

drfacedoctor commented 1 year ago

Tried running the original fork of Automatic1111 and I'm getting 5-6 it/s.

Also I just realized I wasn't getting ~2.5 it/s, it was 2.5 s/it, slower by several orders of magnitude. I don't know exactly what's changed here.

vladmandic commented 1 year ago

if you went from 2.5 it/s to 2.5 s/it, you're most likely not even using gpu and you're running on cpu. look at your startup console log, is it even detecting gpu correctly and using right version of torch?

and for any performance issues, post actual result from built-in benchmark in system info tab as i have no idea what kind of task you're running (3070 should not be 2.5it/s to start with)

Metalica commented 1 year ago

if you went from 2.5 it/s to 2.5 s/it, you're most likely not even using gpu and you're running on cpu. look at your startup console log, is it even detecting gpu correctly and using right version of torch?

Same problem; 1070 8Gb; Using cpu instead of gpu.

21:42:31-491273 INFO Version: f63dd1c9 Sat Jun 10 22:01:09 2023 +0300 21:42:31-897404 INFO Setting environment tuning 21:42:31-901480 INFO nVidia CUDA toolkit detected 21:42:37-985120 INFO Torch 2.0.1+cu118

vladmandic commented 1 year ago

@Metalica same answer - "me too" doesn't help if i don't even know what your task is and what performance numbers you're seeing.

Metalica commented 1 year ago

@Metalica same answer - "me too" doesn't help if i don't even know what your task is and what performance numbers you're seeing.

Metalica commented 1 year ago

Benchmark:

"2023-06-10 21:59:10.325079", "0.52", "updated:2023-06-10 hash:f63dd1c9 url:https://github.com/vladmandic/automatic/tree/master", "arch:AMD64 cpu:Intel64 Family 6 Model 158 Stepping 9, GenuineIntel system:Windows release:Windows-10-10.0.19044-SP0 python:3.10.6", "torch:2.0.1+cu118 Autocast half xformers:unavailable accelerate:0.18.0 transformers:4.26.1", "device:NVIDIA GeForce GTX 1070 (1) (compute_37) (6, 1) cuda:11.8 cudnn:8700 8GB", "doggettx none", "v1-5-pruned-emaonly.safetensors [6ce0161689]", "Metal", "", "7f6dea"

drfacedoctor commented 1 year ago

Startup Dialogue:

12:55:15-341789 INFO Starting SD.Next 12:55:15-344793 INFO Python 3.10.11 on Windows 12:55:15-381828 INFO Version: f63dd1c9 Sat Jun 10 22:01:09 2023 +0300 12:55:15-589955 INFO Setting environment tuning 12:55:15-592958 INFO nVidia CUDA toolkit detected 12:55:16-907487 INFO Torch 2.0.1+cu118 12:55:16-927346 INFO Torch backend: nVidia CUDA 11.8 cuDNN 8700 12:55:16-928347 INFO Torch detected GPU: NVIDIA GeForce RTX 3070 VRAM 8191 Arch (8, 6) Cores 46`

I submitted a benchmark but the log hasn't updated yet.

TIMESTAMP - 2023-06-10 12:57:22.310006 PERFORMANCE - 0.36 / 0.68 / 1.19 VERSION - updated:2023-06-10 hash:f63dd1c9 url:https://github.com/vladmandic/automatic/tree/master SYSTEM - arch:AMD64 cpu:AMD64 Family 25 Model 33 Stepping 2, AuthenticAMD system:Windows release:Windows-10-10.0.19045-SP0 python:3.10.11 LIBRARIES - torch:2.0.1+cu118 Autocast nohalf xformers:unavailable accelerate:0.18.0 transformers:4.26.1 DEVICE - evice:NVIDIA GeForce RTX 3070 (1) (compute_37) (8, 6) cuda:11.8 cudnn:8700 8GB OPTIMIZATIONS - sdp medvram MODEL - AbyssOrangeMix2_hard.safetensors [0fc198c490] USERNAME - PC HASH - 23a538

Sorry if I've left anything major out, trying my best to give you all the relevant info.

vladmandic commented 1 year ago

@drfacedoctor

Sorry if I've left anything major out, trying my best to give you all the relevant info.

this time you've provided everything asked, so no worries.

this is pretty strange - startup shows gpu correctly detected and right version of torch/cuda/cudnn used. but benchmark is abysmal. only thing that stands out is that you have nohalf when in reality any 3xxx/4xxx gpu should never need it (and i mean never unless underlying model is fundementaly broken and then its better to give up on that model). nohalf and other settings like that are for gpus that have issues running in fp16 mode. and you're using medvram, i guess because you're trying to run with as-high-as-possible resolution and that gives you few more pixels at the cost of performance.

can i suggest that for purpose of testing you copy your config.json somewhere else and then just delete it - let server create a new one with defaults? and then re-run benchmark and don't use any cmdline flags.

vladmandic commented 1 year ago

@Metalica

  • Same 2.5s/It. No gpu usage.
  • Stop / dead at 50%
  • From 50% on is slow like a rock. 35~ /it.

if its starts with 2.5it/s and then slows down, its definitely not using cpu from get-go as your cpu wouldn't get to 2.5 its to start with. and there is no possibly to switch processing from gpu to cpu half-way, so don't say its same when its very different. even your symptoms are different.

Metalica commented 1 year ago

deleted config

[ "2023-06-10 22:28:21.360916", "0.43", "updated:2023-06-10 hash:f63dd1c9 url:https://github.com/vladmandic/automatic/tree/master", "arch:AMD64 cpu:Intel64 Family 6 Model 158 Stepping 9, GenuineIntel system:Windows release:Windows-10-10.0.19044-SP0 python:3.10.6", "torch:2.0.1+cu118 Autocast half xformers:unavailable accelerate:0.18.0 transformers:4.26.1", "device:NVIDIA GeForce GTX 1070 (1) (compute_37) (6, 1) cuda:11.8 cudnn:8700 8GB", "sdp none", "v1-5-pruned-emaonly.safetensors [6ce0161689]", "Metal", "Deleted config and re made benchmark", "a7fd59" ]

vladmandic commented 1 year ago

just to rule something out, please disable live preview in settings.

Metalica commented 1 year ago

kkkk

"2023-06-10 22:41:20.000111",
"0.31",
"updated:2023-06-10 hash:f63dd1c9 url:https://github.com/vladmandic/automatic/tree/master",
"arch:AMD64 cpu:Intel64 Family 6 Model 158 Stepping 9, GenuineIntel system:Windows release:Windows-10-10.0.19044-SP0 python:3.10.6",
"torch:2.0.1+cu118 Autocast  half xformers:unavailable accelerate:0.18.0 transformers:4.26.1",
"device:NVIDIA GeForce GTX 1070 (1) (compute_37) (6, 1) cuda:11.8 cudnn:8700 8GB",
"sdp none",
"v1-5-pruned-emaonly.safetensors [6ce0161689]",
"Metal",
"Deleted config after removing all live preview",
"a7fd59"

] ]

vladmandic commented 1 year ago

@Metalica lets simplify to bare minimum - basic workflow only. you're running hires fix here and that can cause a completely different codepaths to trigger. just spamming into issue doesn't help.

Metalica commented 1 year ago

34234

Omg, what the heck is going on ? Know a picture has been done in seconds and it actually used gpu.

Edit: As soon as i switch tom DPM 2++ etc... it goes to cpu.

vladmandic commented 1 year ago

first, stop posting screenshots on every post, it doesn't help at all. second, i have no idea what you just said.

drfacedoctor commented 1 year ago

@vladmandic

can i suggest that for purpose of testing you copy your config.json somewhere else and then just delete it - let server create a new one with defaults? and then re-run benchmark and don't use any cmdline flags.

This seems to have done the trick, it's working as normal now! If you want I can paste copies of the two config files so you can see the differences.

Old:

{ "sd_model_checkpoint": "AbyssOrangeMix2_hard.safetensors [0fc198c490]", "sd_checkpoint_cache": 0, "sd_vae_checkpoint_cache": 0, "sd_vae": "orangemix.vae.pt", "sd_vae_as_default": true, "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "enable_quantization": true, "enable_emphasis": true, "enable_batch_seeds": true, "comma_padding_backtrack": 20, "CLIP_stop_at_last_layers": 1, "upcast_attn": false, "cross_attention_optimization": "Scaled-Dot-Product", "cross_attention_options": [], "sub_quad_q_chunk_size": 512, "sub_quad_kv_chunk_size": 512, "sub_quad_chunk_threshold": 80, "always_batch_cond_uncond": false, "temp_dir": "", "clean_temp_dir_at_start": true, "ckpt_dir": "C:\Users\PC\automatic\models\Stable-diffusion", "vae_dir": "C:\Users\PC\automatic\models\VAE", "embeddings_dir": "C:\Users\PC\automatic\models\embeddings", "embeddings_templates_dir": "C:\Users\PC\automatic\train/templates", "hypernetwork_dir": "C:\Users\PC\automatic\models\hypernetworks", "codeformer_models_path": "C:\Users\PC\automatic\models\Codeformer", "gfpgan_models_path": "C:\Users\PC\automatic\models\GFPGAN", "esrgan_models_path": "C:\Users\PC\automatic\models\ESRGAN", "bsrgan_models_path": "C:\Users\PC\automatic\models\BSRGAN", "realesrgan_models_path": "C:\Users\PC\automatic\models\RealESRGAN", "scunet_models_path": "C:\Users\PC\automatic\models\ScuNET", "swinir_models_path": "C:\Users\PC\automatic\models\SwinIR", "ldsr_models_path": "C:\Users\PC\automatic\models\LDSR", "clip_models_path": "C:\Users\PC\automatic\models\CLIP", "lora_dir": "C:\Users\PC\automatic\models\Lora", "lyco_dir": "C:\Users\PC\automatic\models\LyCORIS", "styles_dir": "styles.csv", "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": true, "grid_format": "jpg", "grid_extended_filename": false, "grid_only_if_multiple": true, "grid_prevent_empty_spots": false, "n_rows": -1, "enable_pnginfo": true, "save_txt": true, "save_images_before_face_restoration": true, "save_images_before_highres_fix": true, "save_images_before_color_correction": true, "save_mask": false, "save_mask_composite": false, "jpeg_quality": 95, "webp_lossless": false, "img_max_size_mp": 200, "use_original_name_batch": true, "use_upscaler_name_as_suffix": true, "save_selected_only": true, "save_to_dirs": false, "grid_save_to_dirs": false, "use_save_to_dirs_for_ui": true, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "outdir_samples": "", "outdir_txt2img_samples": "C:\Users\PC\automatic\outputs/text", "outdir_img2img_samples": "C:\Users\PC\automatic\outputs/image", "outdir_extras_samples": "C:\Users\PC\automatic\outputs/extras", "outdir_grids": "", "outdir_txt2img_grids": "C:\Users\PC\automatic\outputs/grids", "outdir_img2img_grids": "C:\Users\PC\automatic\outputs/grids", "outdir_save": "C:\Users\PC\automatic\outputs/save", "precision": "Autocast", "cuda_dtype": "FP32", "no_half": true, "no_half_vae": true, "upcast_sampling": false, "disable_nan_check": true, "rollback_vae": false, "opt_channelslast": false, "cudnn_benchmark": false, "cuda_allow_tf32": true, "cuda_allow_tf16_reduced": true, "cuda_compile": false, "cuda_compile_mode": "none", "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "upscaler_for_img2img": "SwinIR_4x", "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.2, "face_restoration_unload": false, "memmon_poll_rate": 2, "multiple_tqdm": false, "print_hypernet_extra": false, "unload_models_when_training": false, "pin_memory": true, "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": 0, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": true, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 32, "interrogate_clip_max_length": 192, "interrogate_clip_dict_limit": 2048, "interrogate_clip_skip_categories": [ "artists", "movements", "flavors" ], "interrogate_deepbooru_score_threshold": 0.65, "deepbooru_sort_alpha": false, "deepbooru_use_spaces": false, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_default_view": "cards", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_add_text_separator": " ", "sd_hypernetwork": "None", "gradio_theme": "black-orange", "return_grid": true, "return_mask": false, "return_mask_composite": false, "do_not_show_images": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "disable_weights_auto_swap": true, "send_seed": true, "send_size": true, "font": "", "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "show_progress_in_title": false, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "quicksettings": "sd_model_checkpoint", "hidden_tabs": [], "ui_reorder": "inpaint, sampler, checkboxes, hires_fix, dimensions, cfg, seed, batch, override_settings, scripts", "ui_extra_networks_tab_reorder": "", "show_progressbar": true, "live_previews_enable": true, "show_progress_grid": true, "show_progress_every_n_steps": 1, "show_progress_type": "Approx NN", "live_preview_content": "Combined", "live_preview_refresh_period": 250, "show_samplers": [ "Euler a", "UniPC", "DDIM", "DPM++ SDE", "DPM++ SDE", "DPM2 Karras", "DPM++ 2M Karras" ], "eta_ancestral": 1.0, "eta_ddim": 0.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_noise": 1.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "token_merging": false, "token_merging_ratio": 0.5, "token_merging_hr_only": true, "token_merging_ratio_hr": 0.5, "token_merging_random": false, "token_merging_merge_attention": true, "token_merging_merge_cross_attention": false, "token_merging_merge_mlp": false, "token_merging_maximum_down_sampling": 1, "token_merging_stride_x": 2, "token_merging_stride_y": 2, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "sd_checkpoint_hash": "0fc198c4908e98d7aae2a76bd78fa004e9c21cb0be7582e36008b4941169f18e", "ldsr_steps": 100, "ldsr_cached": false, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "sd_lyco": "None", "sd_lora": "None", "aesthetic_scorer_enabled": false, "aesthetic_scorer_clip_model": "ViT-L/14", "control_net_model_config": "models\cldm_v15.yaml", "control_net_model_adapter_config": "models\t2iadapter_sketch_sd14v1.yaml", "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_max_models_num": 1, "control_net_model_cache_size": 1, "control_net_control_transfer": false, "control_net_no_detectmap": false, "control_net_high_res_only_mid": false, "control_net_detectmap_autosaving": false, "control_net_allow_script_control": false, "control_net_skip_img2img_processing": false, "control_net_monocular_depth_optim": false, "control_net_only_mid_control": false, "control_net_sync_field_args": false, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "image_browser_active_tabs": "txt2img, img2img, txt2img-grids, img2img-grids, Extras, Favorites, Others, All, Maintenance", "image_browser_hidden_components": [], "image_browser_with_subdirs": true, "image_browser_copy_image": false, "image_browser_delete_message": true, "image_browser_txt_files": true, "image_browser_debug_level": "0 - none", "image_browser_delete_recycle": false, "image_browser_scan_exif": true, "image_browser_mod_shift": false, "image_browser_mod_ctrl_shift": false, "image_browser_enable_maint": true, "image_browser_ranking_pnginfo": false, "image_browser_page_columns": 6.0, "image_browser_page_rows": 6.0, "image_browser_pages_perload": 20.0, "image_browser_use_thumbnail": false, "image_browser_thumbnail_size": 200.0, "image_browser_swipe": false, "outputsinfzoom_outpath": "", "infzoom_outSUBpath": "infinite-zooms", "infzoom_outsizeW": 512, "infzoom_outsizeH": 512, "infzoom_ffprobepath": "", "infzoom_defPrompt": "{\n \"prompts\":{\n \"headers\":[\"outpaint steps\",\"prompt\"],\n \"data\":[\n [0,\"Huge spectacular Waterfall in a dense tropical forest,epic perspective,(vegetation overgrowth:1.3)(intricate, ornamentation:1.1),(baroque:1.1), fantasy, (realistic:1) digital painting , (magical,mystical:1.2) , (wide angle shot:1.4), (landscape composed:1.2)(medieval:1.1), divine,cinematic,(tropical forest:1.4),(river:1.3)mythology,india, volumetric lighting, Hindu ,epic, Alex Horley Wenjun Lin greg rutkowski Ruan Jia (Wayne Barlowe:1.2) \"]\n ]\n },\n \"negPrompt\":\"frames, borderline, text, character, duplicate, error, out of frame, watermark, low quality, ugly, deformed, blur bad-artist\"\n}", "openpose3d_use_online_version": false, "modelscope_deforum_keep_model_in_vram": "None", "modelscope_deforum_vae_settings": "GPU (half precision)", "modelscope_deforum_show_n_videos": -1.0, "stream_load": false, "model_reuse_dict": false, "save_init_img": false, "outdir_init_images": "outputs/init-images", "cuda_compile_verbose": true, "cuda_compile_errors": true, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "ui_tab_reorder": "From Text, From Image, Process Image", "ui_scripts_reorder": "Enable Dynamic Thresholding, ControlNet", "notification_audio_enable": false, "notification_audio_path": "html/notification.mp3", "fallback_sampler": "Euler a", "s_min_uncond": 0, "image_browser_preload": false, "image_browser_img_tooltips": true, "image_browser_scoring_type": "aesthetic_score", "image_browser_show_progress": true, "infzoom_outpath": "outputs", "infzoom_collectAllResources": false, "save_log_fn": "", "disable_gc": false, "xyz_fallback_sampler": "None", "quicksettings_list": [ "sd_model_checkpoint" ], "clip_skip": 1 }

Newly generated:

{ "sd_model_checkpoint": "model.ckpt", "sd_checkpoint_cache": 0, "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_model_dict": "None", "sd_vae_sliced_encode": false, "stream_load": false, "model_reuse_dict": false, "cross_attention_optimization": "Scaled-Dot-Product", "cross_attention_options": [], "sub_quad_q_chunk_size": 512, "sub_quad_kv_chunk_size": 512, "sub_quad_chunk_threshold": 80, "prompt_attention": "Full parser", "prompt_mean_norm": true, "always_batch_cond_uncond": false, "enable_quantization": true, "comma_padding_backtrack": 20, "sd_backend": "Original", "memmon_poll_rate": 2, "precision": "Autocast", "cuda_dtype": "FP16", "no_half": false, "no_half_vae": false, "upcast_sampling": false, "upcast_attn": false, "disable_nan_check": true, "rollback_vae": false, "opt_channelslast": false, "cudnn_benchmark": false, "cuda_allow_tf32": true, "cuda_allow_tf16_reduced": true, "cuda_compile": false, "cuda_compile_mode": "none", "cuda_compile_verbose": false, "cuda_compile_errors": true, "disable_gc": false, "temp_dir": "", "clean_temp_dir_at_start": true, "ckpt_dir": "C:\Users\PC\automatic\models\Stable-diffusion", "diffusers_dir": "C:\Users\PC\automatic\models\Diffusers", "vae_dir": "C:\Users\PC\automatic\models\VAE", "lora_dir": "C:\Users\PC\automatic\models\Lora", "lyco_dir": "C:\Users\PC\automatic\models\LyCORIS", "styles_dir": "C:\Users\PC\automatic\styles.csv", "embeddings_dir": "C:\Users\PC\automatic\models\embeddings", "hypernetwork_dir": "C:\Users\PC\automatic\models\hypernetworks", "codeformer_models_path": "C:\Users\PC\automatic\models\Codeformer", "gfpgan_models_path": "C:\Users\PC\automatic\models\GFPGAN", "esrgan_models_path": "C:\Users\PC\automatic\models\ESRGAN", "bsrgan_models_path": "C:\Users\PC\automatic\models\BSRGAN", "realesrgan_models_path": "C:\Users\PC\automatic\models\RealESRGAN", "scunet_models_path": "C:\Users\PC\automatic\models\ScuNET", "swinir_models_path": "C:\Users\PC\automatic\models\SwinIR", "ldsr_models_path": "C:\Users\PC\automatic\models\LDSR", "clip_models_path": "C:\Users\PC\automatic\models\CLIP", "samples_save": true, "samples_format": "jpg", "samples_filename_pattern": "[seed]-[prompt_spaces]", "save_images_add_number": true, "grid_save": true, "grid_format": "jpg", "grid_extended_filename": true, "grid_only_if_multiple": true, "grid_prevent_empty_spots": true, "n_rows": -1, "save_txt": false, "save_log_fn": "", "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, "save_init_img": false, "jpeg_quality": 85, "webp_lossless": false, "img_max_size_mp": 250, "use_original_name_batch": true, "use_upscaler_name_as_suffix": true, "save_selected_only": true, "save_to_dirs": false, "grid_save_to_dirs": false, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "CLIP_stop_at_last_layers": 1, "outdir_samples": "", "outdir_txt2img_samples": "outputs/text", "outdir_img2img_samples": "outputs/image", "outdir_extras_samples": "outputs/extras", "outdir_grids": "", "outdir_txt2img_grids": "outputs/grids", "outdir_img2img_grids": "outputs/grids", "outdir_save": "outputs/save", "outdir_init_images": "outputs/init-images", "gradio_theme": "black-orange", "theme_style": "Auto", "return_grid": true, "return_mask": false, "return_mask_composite": false, "disable_weights_auto_swap": true, "send_seed": true, "send_size": true, "font": "", "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "quicksettings_list": [ "sd_model_checkpoint" ], "hidden_tabs": [], "ui_tab_reorder": "From Text, From Image, Process Image", "ui_scripts_reorder": "Enable Dynamic Thresholding, ControlNet", "ui_reorder": "inpaint, sampler, checkboxes, hires_fix, dimensions, cfg, seed, batch, override_settings, scripts", "ui_extra_networks_tab_reorder": "Checkpoints, Lora, LyCORIS, Textual Inversion, Hypernetworks", "show_progressbar": true, "live_previews_enable": true, "show_progress_grid": true, "notification_audio_enable": false, "notification_audio_path": "html/notification.mp3", "show_progress_every_n_steps": 1, "show_progress_type": "TAESD", "live_preview_content": "Combined", "live_preview_refresh_period": 250, "show_samplers": [ "Euler a", "UniPC", "DDIM", "DPM++ 2M SDE", "DPM++ 2M SDE Karras", "DPM2 Karras", "DPM++ 2M Karras" ], "fallback_sampler": "Euler a", "force_latent_sampler": "None", "eta_ancestral": 1.0, "eta_ddim": 0.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_min_uncond": 0, "s_tmin": 0.0, "s_noise": 1.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "unload_models_when_training": false, "pin_memory": true, "save_optimizer_state": false, "save_training_settings_to_txt": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "embeddings_templates_dir": "C:\Users\PC\automatic\train\templates", "training_image_repeats_per_epoch": 1, "training_write_csv_every": 0, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": true, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 32, "interrogate_clip_max_length": 192, "interrogate_clip_dict_limit": 2048, "interrogate_clip_skip_categories": [ "artists", "movements", "flavors" ], "interrogate_deepbooru_score_threshold": 0.65, "deepbooru_sort_alpha": false, "deepbooru_use_spaces": false, "deepbooru_escape": true, "deepbooru_filter_tags": "", "upscaler_for_img2img": "None", "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "lyco_patch_lora": false, "lora_disable": false, "lora_functional": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.2, "face_restoration_unload": false, "extra_networks_default_view": "cards", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_add_text_separator": " ", "sd_hypernetwork": "None", "token_merging": false, "token_merging_ratio": 0.5, "token_merging_hr_only": true, "token_merging_ratio_hr": 0.5, "token_merging_random": false, "token_merging_merge_attention": true, "token_merging_merge_cross_attention": false, "token_merging_merge_mlp": false, "token_merging_maximum_down_sampling": 1, "token_merging_stride_x": 2, "token_merging_stride_y": 2, "disabled_extensions": [], "disable_all_extensions": "none", "sd_checkpoint_hash": "" }

vladmandic commented 1 year ago

closing as original issue is resolved.

DrakeRichards commented 1 year ago

I had this same issue, so I thought I'd dig a bit deeper and see what actually happened. I believe the culprit was the setting "Live Previews > Live Preview Method" (show_progress_type in config.json). After I updated to the most recent version, this setting seemed to have no default value, so I set it to "Full VAE". However, when I generated a new config.json file, this setting's default was "TAESD". This value was also changed in the settings list from @drfacedoctor, but it was set to "Approximate NN" in the non-working config. I didn't experience the same performance hit when I tried "Approximate NN", but that might just be due to different setups.

Did a recent update change the show_progress_type default value? I fixed it on my end now, but I just thought I'd ask in case anyone else experiences this.

vladmandic commented 1 year ago

Did a recent update change the show_progress_type default value? I fixed it on my end now, but I just thought I'd ask in case anyone else experiences this.

bad spelling set it to undefined. if you do new install, it would be set correctly. but for existing installs, it was unfortunate.,

ubemotho commented 1 year ago

I had this same issue, so I thought I'd dig a bit deeper and see what actually happened. I believe the culprit was the setting "Live Previews > Live Preview Method" (show_progress_type in config.json). After I updated to the most recent version, this setting seemed to have no default value, so I set it to "Full VAE". However, when I generated a new config.json file, this setting's default was "TAESD". This value was also changed in the settings list from @drfacedoctor, but it was set to "Approximate NN" in the non-working config. I didn't experience the same performance hit when I tried "Approximate NN", but that might just be due to different setups.

Did a recent update change the show_progress_type default value? I fixed it on my end now, but I just thought I'd ask in case anyone else experiences this.

thanks @DrakeRichards i fixed my slow iteration speed without deleting and installing again, thanks to you