Open Kashouryo opened 1 month ago
Arc A770 suddenly can not generate any images. This issue also happens in ComfyUI
WebUI should generate the image
Mozilla Firefox
{ "Platform": "Linux-6.8.0-47-generic-x86_64-with-glibc2.39", "Python": "3.10.12", "Version": "v1.10.1-20-g5865da28", "Commit": "5865da28d1800eea27b3a14979e788b17e010afe", "Git status": "On branch dev\nYour branch is up to date with 'origin/dev'.\n\nChanges not staged for commit:\n (use \"git add/rm ...\" to update what will be committed)\n (use \"git restore ...\" to discard changes in working directory)\n\tdeleted: models/Stable-diffusion/Put Stable Diffusion checkpoints here.txt\n\tmodified: modules/launch_utils.py\n\nUntracked files:\n (use \"git add ...\" to include in what will be committed)\n\tbin/\n\tdream_artist/\n\text-off/\n\textension_off/\n\textensions-2/\n\textensions.old/\n\tlib/\n\tlib64\n\tlog.txt\n\tmodules/ui_components.pyi\n\toutput.txt\n\tpickle_inspector.py\n\tpickle_scan.py\n\tpyvenv.cfg\n\nno changes added to commit (use \"git add\" and/or \"git commit -a\")", "Script path": "/home/shouryo/Software/stable-diffusion-webui", "Data path": "/home/shouryo/Software/stable-diffusion-webui", "Extensions dir": "/home/shouryo/Software/stable-diffusion-webui/extensions", "Checksum": "d36e856720f8183454c641e6713bbd87e0539ef3899c4370d813d83aa756bc7f", "Commandline": [ "webui.py", "--use-ipex", "--no-half-vae" ], "Torch env info": "'NoneType' object has no attribute 'splitlines'", "Exceptions": [ { "exception": "could not create a primitive", "traceback": [ [ "/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py, line 74, f", "res = list(func(*args, kwargs))" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py, line 53, f", "res = func(*args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py, line 37, f", "res = func(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/txt2img.py, line 109, txt2img", "processed = processing.process_images(p)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/processing.py, line 847, process_images", "res = process_images_inner(p)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/processing.py, line 988, 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)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/processing.py, line 1346, sample", "samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_kdiffusion.py, line 230, 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))" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_common.py, line 272, launch_sampling", "return func()" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_kdiffusion.py, line 230, ", "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))" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py, line 115, decorate_context", "return func(*args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/sampling.py, line 594, sample_dpmpp_2m", "denoised = model(x, sigmas[i] * s_in, *extra_args)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl", "return self._call_impl(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl", "return forward_call(*args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_cfg_denoiser.py, line 249, forward", "x_out = self.inner_model(x_in, sigma_in, cond=make_condition_dict(cond_in, image_cond_in))" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl", "return self._call_impl(*args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl", "return forward_call(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/external.py, line 112, forward", "eps = self.get_eps(input * c_in, self.sigma_to_t(sigma), kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/external.py, line 138, get_eps", "return self.inner_model.apply_model(*args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 22, ", "setattr(resolved_obj, func_path[-1], lambda args, kwargs: self(*args, kwargs))" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 34, call", "return self.__sub_func(self.__orig_func, args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_unet.py, line 50, apply_model", "result = orig_func(self, x_noisy.to(devices.dtype_unet), t.to(devices.dtype_unet), cond, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 22, ", "setattr(resolved_obj, func_path[-1], lambda args, kwargs: self(*args, kwargs))" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 36, call", "return self.__orig_func(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/models/diffusion/ddpm.py, line 858, apply_model", "x_recon = self.model(x_noisy, t, cond)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl", "return self._call_impl(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl", "return forward_call(*args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/models/diffusion/ddpm.py, line 1335, forward", "out = self.diffusion_model(x, t, context=cc)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl", "return self._call_impl(*args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl", "return forward_call(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/modules/sd_unet.py, line 91, UNetModel_forward", "return original_forward(self, x, timesteps, context, *args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 797, forward", "h = module(h, emb, context)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl", "return self._call_impl(*args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl", "return forward_call(args, kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 82, forward", "x = layer(x, emb)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl", "return self._call_impl(*args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl", "return forward_call(args, *kwargs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 249, forward", "return checkpoint(" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/util.py, line 123, checkpoint", "return func(inputs)" ], [ "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 272, _forward", "h = h + emb_out" ] ] } ], "CPU": { "model": "x86_64", "count logical": 24, "count physical": 12 }, "RAM": { "total": "126GB", "used": "4GB", "free": "101GB", "active": "17GB", "inactive": "6GB", "buffers": "1GB", "cached": "19GB", "shared": "386MB" }, "Extensions": [ { "name": "a1111-sd-webui-tagcomplete", "path": "/home/shouryo/Software/stable-diffusion-webui/extensions/a1111-sd-webui-tagcomplete", "commit": "49ec047af8ba73889f65a65585ef16b4a26b416b", "branch": "main", "remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete.git" }, { "name": "sd-civitai-browser-plus", "path": "/home/shouryo/Software/stable-diffusion-webui/extensions/sd-civitai-browser-plus", "commit": "0b97a482ad4e3c0fec797a797414a0f0eeef08fa", "branch": "main", "remote": "https://github.com/BlafKing/sd-civitai-browser-plus.git" }, { "name": "sd_dreambooth_extension", "path": "/home/shouryo/Software/stable-diffusion-webui/extensions/sd_dreambooth_extension", "commit": "1b3257b46bb03c6de3bcdfa079773dc040884fbd", "branch": "main", "remote": "https://github.com/d8ahazard/sd_dreambooth_extension.git" } ], "Inactive extensions": [], "Environment": { "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "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, "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": "Local", "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": "", "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": true, "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": false, "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" ], "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": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "c9361308343e125339585c482042d88698c8552334daadfe56f09bd624b9f0a8", "sd_lora": "None", "lora_preferred_name": "Alias from file", "lora_add_hashes_to_infotext": true, "lora_show_all": true, "lora_hide_unknown_for_versions": [], "lora_in_memory_limit": 0, "lora_functional": 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" ], "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "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, "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_useEmbeddings": true, "tac_includeEmbeddingsInNormalResults": false, "tac_useHypernetworks": true, "tac_useLoras": true, "tac_useLycos": true, "tac_showWikiLinks": false, "tac_showExtraNetworkPreviews": true, "tac_modelSortOrder": "Name", "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}", "tac_refreshTempFiles": "Refresh TAC temp files", "ad_max_models": 2, "ad_extra_models_dir": "", "ad_save_previews": false, "ad_save_images_before": false, "ad_only_seleted_scripts": true, "ad_script_names": "dynamic_prompting,dynamic_thresholding,wildcard_recursive,wildcards,lora_block_weight", "ad_bbox_sortby": "None", "ad_same_seed_for_each_tap": false, "civsfz_number_of_tabs": 3, "civsfz_number_of_cards": 12, "civsfz_card_size_width": 8, "civsfz_card_size_height": 12, "civsfz_hover_zoom_magnification": 1.5, "civsfz_treat_x_as_nsfw": true, "civsfz_figcaption_background_color": "#798a9f", "civsfz_default_shadow_color": "#798a9f", "civsfz_alreadyhave_shadow_color": "#7fffd4", "control_net_detectedmap_dir": "detected_maps", "control_net_models_path": "", "control_net_modules_path": "", "control_net_unit_count": 3, "control_net_model_cache_size": 1, "control_net_inpaint_blur_sigma": 7, "control_net_no_high_res_fix": false, "control_net_no_detectmap": false, "control_net_detectmap_autosaving": false, "control_net_allow_script_control": false, "control_net_sync_field_args": true, "controlnet_show_batch_images_in_ui": false, "controlnet_increment_seed_during_batch": false, "controlnet_disable_control_type": false, "controlnet_disable_openpose_edit": false, "controlnet_ignore_noninpaint_mask": false, "use_aria2": true, "disable_dns": false, "show_log": false, "split_aria2": 64, "aria2_flags": "", "unpack_zip": false, "save_api_info": false, "auto_save_all_img": false, "custom_api_key": "", "hide_early_access": true, "use_LORA": true, "dot_subfolders": true, "use_local_html": false, "local_path_in_html": false, "page_header": false, "video_playback": true, "individual_meta_btn": true, "model_desc_to_json": true, "image_location": "", "sub_image_location": true, "save_to_custom": false, "custom_civitai_proxy": "", "cabundle_path_proxy": "", "disable_sll_proxy": false, "insert_sub_1": false, "insert_sub_2": false, "insert_sub_3": false, "insert_sub_4": false, "insert_sub_5": false, "insert_sub_6": false, "insert_sub_7": false, "insert_sub_8": false, "insert_sub_9": false, "insert_sub_10": false, "insert_sub_11": false, "insert_sub_12": false, "insert_sub_13": false, "insert_sub_14": false, "Checkpoint_subfolder": "None", "LORA_LoCon_subfolder": "None", "TextualInversion_subfolder": "None", "Poses_subfolder": "None", "Controlnet_subfolder": "None", "Hypernetwork_subfolder": "None", "MotionModule_subfolder": "None", "SWINIR_upscale_subfolder": "None", "REALESRGAN_upscale_subfolder": "None", "GFPGAN_upscale_subfolder": "None", "BSRGAN_upscale_subfolder": "None", "ESRGAN_upscale_subfolder": "None", "VAE_subfolder": "None", "AestheticGradient_subfolder": "None", "Wildcards_subfolder": "None", "Workflows_subfolder": "None", "Other_subfolder": "None", "tac_wildcardExclusionList": "", "tac_skipWildcardRefresh": false, "tac_useLoraPrefixForLycos": true, "tac_useStyleVars": false, "tac_frequencySort": true, "tac_frequencyFunction": "Logarithmic (weak)", "tac_frequencyMinCount": 3, "tac_frequencyMaxAge": 30, "tac_frequencyRecommendCap": 10, "tac_frequencyIncludeAlias": false, "civitai_not_found_print": true, "civitai_send_to_browser": false, "auto_backcompat": true, "use_downcasted_alpha_bar": false, "refiner_switch_by_sample_steps": false, "extra_networks_card_description_is_html": false, "extra_networks_tree_view_style": "Dirs", "extra_networks_tree_view_default_enabled": true, "extra_networks_tree_view_default_width": 180.0, "lora_not_found_warning_console": false, "lora_not_found_gradio_warning": false, "pad_cond_uncond_v0": false, "fp8_storage": "Disable", "cache_fp16_weight": false, "sd_noise_schedule": "Default", "emphasis": "Original", "enable_prompt_comments": true, "auto_vae_precision_bfloat16": true, "overlay_inpaint": true, "sd_webui_modal_lightbox_icon_opacity": 1, "sd_webui_modal_lightbox_toolbar_opacity": 0.9, "open_dir_button_choice": "Subdirectory", "include_styles_into_token_counters": true, "interrupt_after_current": true, "enable_reloading_ui_scripts": false, "prioritized_callbacks_app_started": [], "prioritized_callbacks_model_loaded": [], "prioritized_callbacks_ui_tabs": [], "prioritized_callbacks_ui_settings": [], "prioritized_callbacks_infotext_pasted": [], "prioritized_callbacks_script_unloaded": [], "prioritized_callbacks_before_ui": [], "prioritized_callbacks_list_optimizers": [], "prioritized_callbacks_before_token_counter": [], "prioritized_callbacks_script_before_process": [], "prioritized_callbacks_script_process": [], "prioritized_callbacks_script_post_sample": [], "prioritized_callbacks_script_on_mask_blend": [], "prioritized_callbacks_script_postprocess_maskoverlay": [], "enable_upscale_progressbar": true, "postprocessing_disable_in_extras": [], "dat_enabled_models": [ "DAT x2", "DAT x3", "DAT x4" ], "DAT_tile": 192, "DAT_tile_overlap": 8, "set_scale_by_when_changing_upscaler": false, "canvas_hotkey_shrink_brush": "Q", "canvas_hotkey_grow_brush": "W", "lora_bundled_ti_to_infotext": true, "s_min_uncond_all": false, "skip_early_cond": 0, "sdxl_clip_l_skip": false, "prevent_screen_sleep_during_generation": true, "profiling_enable": false, "profiling_activities": [ "CPU" ], "profiling_record_shapes": true, "profiling_profile_memory": true, "profiling_with_stack": true, "profiling_filename": "trace.json", "save_write_log_csv": true, "beta_dist_alpha": 0.6, "beta_dist_beta": 0.6, "sd3_enable_t5": false }, "Startup": { "total": 133.00689578056335, "records": { "launcher": 0.03735041618347168, "import torch": 31.34335422515869, "import gradio": 8.4069082736969, "setup paths": 11.82895278930664, "import ldm": 0.09105134010314941, "import sgm": 8.106231689453125e-06, "initialize shared": 62.97803854942322, "other imports": 6.41315770149231, "opts onchange": 0.00038123130798339844, "setup SD model": 6.651878356933594e-05, "setup codeformer": 0.005723714828491211, "setup gfpgan": 0.12494778633117676, "set samplers": 3.123283386230469e-05, "list extensions": 0.0015416145324707031, "restore config state file": 1.6450881958007812e-05, "list SD models": 0.2739830017089844, "list localizations": 0.0002911090850830078, "load scripts/custom_code.py": 0.004487752914428711, "load scripts/img2imgalt.py": 0.005002021789550781, "load scripts/loopback.py": 0.004810333251953125, "load scripts/outpainting_mk_2.py": 0.0004413127899169922, "load scripts/poor_mans_outpainting.py": 0.004701375961303711, "load scripts/postprocessing_codeformer.py": 0.0048291683197021484, "load scripts/postprocessing_gfpgan.py": 0.0003445148468017578, "load scripts/postprocessing_upscale.py": 0.004990339279174805, "load scripts/prompt_matrix.py": 0.004759073257446289, "load scripts/prompts_from_file.py": 0.005009651184082031, "load scripts/sd_upscale.py": 0.00489044189453125, "load scripts/xyz_grid.py": 0.01428675651550293, "load scripts/ldsr_model.py": 0.13598418235778809, "load scripts/lora_script.py": 0.3503880500793457, "load scripts/scunet_model.py": 0.03040766716003418, "load scripts/swinir_model.py": 0.029491424560546875, "load scripts/hotkey_config.py": 0.00028705596923828125, "load scripts/extra_options_section.py": 0.009782552719116211, "load scripts/hypertile_script.py": 0.05941581726074219, "load scripts/postprocessing_autosized_crop.py": 0.0007984638214111328, "load scripts/postprocessing_caption.py": 0.004887819290161133, "load scripts/postprocessing_create_flipped_copies.py": 0.00508880615234375, "load scripts/postprocessing_focal_crop.py": 0.010241508483886719, "load scripts/postprocessing_split_oversized.py": 0.0047228336334228516, "load scripts/soft_inpainting.py": 0.010071277618408203, "load scripts/model_keyword_support.py": 0.02492523193359375, "load scripts/shared_paths.py": 0.0003371238708496094, "load scripts/tag_autocomplete_helper.py": 0.11105465888977051, "load scripts/tag_frequency_db.py": 0.0001049041748046875, "load scripts/civitai_api.py": 1.20656156539917, "load scripts/civitai_download.py": 1.0030999183654785, "load scripts/civitai_file_manage.py": 0.0008542537689208984, "load scripts/civitai_global.py": 0.00012874603271484375, "load scripts/civitai_gui.py": 0.11642813682556152, "load scripts/init.py": 0.0142822265625, "load scripts/api.py": 1.51882004737854, "load scripts/main.py": 0.22132420539855957, "load scripts/comments.py": 0.04971051216125488, "load scripts/refiner.py": 0.0024454593658447266, "load scripts/sampler.py": 0.009913444519042969, "load scripts/seed.py": 0.0052030086517333984, "load scripts": 4.9953649044036865, "load upscalers": 0.049864768981933594, "refresh VAE": 0.0015914440155029297, "refresh textual inversion templates": 5.4836273193359375e-05, "scripts list_optimizers": 0.00038552284240722656, "scripts list_unets": 2.9087066650390625e-05, "reload hypernetworks": 0.0005502700805664062, "initialize extra networks": 0.3288452625274658, "scripts before_ui_callback": 0.045049428939819336, "create ui": 5.700387239456177, "gradio launch": 0.3683772087097168, "add APIs": 0.007654666900634766, "app_started_callback/lora_script.py": 0.00020813941955566406, "app_started_callback/tag_autocomplete_helper.py": 0.0027456283569335938, "app_started_callback": 0.002957582473754883 } }, "Packages": [ "GitPython==3.1.43", "Jinja2==3.1.4", "Markdown==3.7", "MarkupSafe==2.1.5", "Pillow==9.5.0", "PySocks==1.7.1", "PyWavelets==1.7.0", "PyYAML==6.0.2", "Send2Trash==1.8.3", "Werkzeug==3.0.3", "ZipUnicode==1.1.1", "absl-py==2.1.0", "accelerate==0.21.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohappyeyeballs==2.3.6", "aiohttp==3.10.3", "aiosignal==1.3.1", "altair==5.4.0", "annotated-types==0.7.0", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==24.2.0", "beautifulsoup4==4.12.3", "bitsandbytes==0.43.3", "blendmodes==2022", "cachetools==5.4.0", "certifi==2024.7.4", "chardet==5.2.0", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "contourpy==1.2.1", "cycler==0.12.1", "dadaptation==3.2", "deprecation==2.1.0", "diffusers==0.30.0", "discord-webhook==1.3.0", "diskcache==5.6.3", "dpcpp-cpp-rt==2024.2.1", "einops==0.4.1", "exceptiongroup==1.2.2", "facexlib==0.3.0", "fake-useragent==1.5.1", "fastapi==0.94.0", "ffmpy==0.4.0", "filelock==3.15.4", "filterpy==1.4.5", "fonttools==4.53.1", "frozenlist==1.4.1", "fsspec==2024.6.1", "ftfy==6.2.3", "gitdb==4.0.11", "google-auth-oauthlib==1.0.0", "google-auth==2.33.0", "gradio==3.41.2", "gradio_client==0.5.0", "grpcio==1.65.4", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.24.5", "idna==3.7", "imageio==2.35.0", "impi-devel==2021.13.1", "impi-rt==2021.13.1", "importlib_metadata==8.2.0", "importlib_resources==6.4.2", "inflection==0.5.1", "intel-cmplr-lib-rt==2024.2.1", "intel-cmplr-lib-ur==2024.2.1", "intel-cmplr-lic-rt==2024.2.1", "intel-opencl-rt==2024.2.1", "intel-openmp==2024.2.1", "intel-sycl-rt==2024.2.1", "intel_extension_for_pytorch==2.3.110+xpu", "jsonmerge==1.8.0", "jsonschema-specifications==2023.12.1", "jsonschema==4.23.0", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy_loader==0.4", "lightning-utilities==0.11.6", "llvmlite==0.43.0", "matplotlib==3.9.2", "mkl-dpcpp==2024.2.1", "mkl==2024.2.1", "mpmath==1.3.0", "multidict==6.0.5", "narwhals==1.4.2", "networkx==3.3", "numba==0.60.0", "numpy==1.26.4", "oauthlib==3.2.2", "omegaconf==2.2.3", "oneccl-bind-pt==2.3.100+xpu", "oneccl-devel==2021.13.1", "onemkl-sycl-blas==2024.2.1", "onemkl-sycl-datafitting==2024.2.1", "onemkl-sycl-dft==2024.2.1", "onemkl-sycl-lapack==2024.2.1", "onemkl-sycl-rng==2024.2.1", "onemkl-sycl-sparse==2024.2.1", "onemkl-sycl-stats==2024.2.1", "onemkl-sycl-vm==2024.2.1", "open-clip-torch==2.20.0", "opencv-python==4.10.0.84", "orjson==3.10.7", "packaging==24.1", "pandas==2.2.2", "piexif==1.1.3", "pillow-avif-plugin==1.4.3", "pip==22.0.2", "protobuf==3.20.0", "psutil==5.9.5", "pyasn1==0.6.0", "pyasn1_modules==0.4.0", "pydantic==1.10.17", "pydantic_core==2.20.1", "pydub==0.25.1", "pyparsing==3.1.2", "python-dateutil==2.9.0.post0", "python-multipart==0.0.9", "pytorch-lightning==1.9.4", "pytorch_optimizer==2.12.0", "pytz==2024.1", "referencing==0.35.1", "regex==2024.7.24", "requests-oauthlib==2.0.0", "requests==2.32.3", "resize-right==0.0.2", "rpds-py==0.20.0", "rsa==4.9", "ruamel.yaml.clib==0.2.8", "ruamel.yaml==0.18.6", "safetensors==0.4.2", "scikit-image==0.21.0", "scipy==1.14.0", "semantic-version==2.10.0", "sentencepiece==0.2.0", "setuptools==69.5.1", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.1", "soupsieve==2.6", "spandrel==0.3.4", "spandrel_extra_arches==0.1.1", "starlette==0.26.1", "sympy==1.13.2", "tbb==2021.13.1", "tensorboard-data-server==0.7.2", "tensorboard==2.13.0", "tifffile==2024.8.10", "timm==1.0.8", "tokenizers==0.13.3", "tomesd==0.1.3", "torch==2.3.1+cxx11.abi", "torchaudio==2.3.1+cxx11.abi", "torchdiffeq==0.2.3", "torchmetrics==1.4.1", "torchsde==0.2.6", "torchvision==0.18.1+cxx11.abi", "tqdm==4.66.5", "trampoline==0.1.2", "transformers==4.30.2", "typing_extensions==4.12.2", "tzdata==2024.1", "urllib3==2.2.2", "uvicorn==0.30.6", "wcwidth==0.2.13", "websockets==11.0.3", "wheel==0.44.0", "yarl==1.9.4", "zipp==3.20.0" ] }
:: initializing oneAPI environment ... start_sd_ipex.sh: BASH_VERSION = 5.2.21(1)-release args: Using "$@" for setvars.sh arguments: :: ccl -- latest :: compiler -- latest :: debugger -- latest :: dev-utilities -- latest :: dpl -- latest :: mkl -- latest :: mpi -- latest :: tbb -- latest :: oneAPI environment initialized :: The installed version of bitsandbytes was compiled without GPU support. 8-bit optimizers, 8-bit multiplication, and GPU quantization are unavailable. no module 'xformers'. Processing without... no module 'xformers'. Processing without... [2024-10-21 00:46:48,621][DEBUG][git.cmd] - Popen(['git', 'version'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=None, shell=False, universal_newlines=False) [2024-10-21 00:46:48,624][DEBUG][git.cmd] - Popen(['git', 'version'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=None, shell=False, universal_newlines=False) No module 'xformers'. Proceeding without it. Warning: caught exception 'Torch not compiled with CUDA enabled', memory monitor disabled Tag Autocomplete: Could not locate model-keyword extension, Lora trigger word completion will be limited to those added through the extra networks menu. CivitAI Browser+: Aria2 RPC restarted CivitAI Browser+: Aria2 RPC restarted [2024-10-21 00:48:02,420][DEBUG][api.py] - API flag not enabled, skipping API layer. Please enable with --api Loading weights [c936130834] from <omitted> Creating model from config: /home/shouryo/Software/stable-diffusion-webui/configs/v1-inference.yaml /home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/huggingface_hub/file_download.py:1150: FutureWarning: `resume_download` is deprecated and will be removed in version 1.0.0. Downloads always resume when possible. If you want to force a new download, use `force_download=True`. warnings.warn( Running on local URL: http://127.0.0.1:7860 To create a public link, set `share=True` in `launch()`. Startup time: 133.0s (import torch: 31.3s, import gradio: 8.4s, setup paths: 11.8s, initialize shared: 63.0s, other imports: 6.4s, setup gfpgan: 0.1s, list SD models: 0.3s, load scripts: 5.0s, initialize extra networks: 0.3s, create ui: 5.7s, gradio launch: 0.4s). Advanced elements visible: False [2024-10-21 00:48:11,906][DEBUG][git.cmd] - Popen(['git', 'remote', 'get-url', '--all', 'origin'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=None, shell=False, universal_newlines=False) [2024-10-21 00:48:11,909][DEBUG][git.cmd] - Popen(['git', 'cat-file', '--batch-check'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=<valid stream>, shell=False, universal_newlines=False) [2024-10-21 00:48:11,911][DEBUG][git.cmd] - Popen(['git', 'cat-file', '--batch'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=<valid stream>, shell=False, universal_newlines=False) [2024-10-21 00:48:11,914][DEBUG][git.cmd] - Popen(['git', 'remote', 'get-url', '--all', 'origin'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=None, shell=False, universal_newlines=False) [2024-10-21 00:48:11,916][DEBUG][git.cmd] - Popen(['git', 'cat-file', '--batch-check'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=<valid stream>, shell=False, universal_newlines=False) [2024-10-21 00:48:11,918][DEBUG][git.cmd] - Popen(['git', 'cat-file', '--batch'], cwd=/home/shouryo/Software/stable-diffusion-webui, stdin=<valid stream>, shell=False, universal_newlines=False) [2024-10-21 00:48:12,434][INFO][modules.shared_state] - Starting job task(7zb94xpevv0u6ww) Applying attention optimization: InvokeAI... done. Model loaded in 50.7s (load weights from disk: 4.9s, create model: 0.8s, apply weights to model: 37.7s, apply dtype to VAE: 0.5s, move model to device: 0.1s, load textual inversion embeddings: 1.6s, calculate empty prompt: 4.9s). 0%| | 0/20 [00:00<?, ?it/s]onednn_verbose,info,oneDNN v3.5.3 (commit abbc771ddb7735e22309b75151c87ea9d48b620a) onednn_verbose,info,cpu,runtime:threadpool,nthr:12 onednn_verbose,info,cpu,isa:Intel AVX2 onednn_verbose,info,gpu,runtime:DPC++ onednn_verbose,info,gpu,engine,0,backend:Level Zero,name:Intel(R) Arc(TM) A770 Graphics,driver_version:1.3.29735,binary_kernels:enabled onednn_verbose,info,gpu,engine,1,backend:Level Zero,name:Intel(R) Arc(TM) A770 Graphics,driver_version:1.3.29735,binary_kernels:enabled onednn_verbose,info,graph,backend,0:dnnl_backend onednn_verbose,info,experimental features are enabled onednn_verbose,info,use batch_normalization stats one pass is enabled onednn_verbose,primitive,info,template:operation,engine,primitive,implementation,prop_kind,memory_descriptors,attributes,auxiliary,problem_desc,exec_time onednn_verbose,graph,info,template:operation,engine,partition_id,partition_kind,op_names,data_formats,logical_tensors,fpmath_mode,backend,exec_time onednn_verbose,common,error,ocl,Error during the build of OpenCL program. Build log: onednn_verbose,primitive,error,ocl,errcode -6,CL_OUT_OF_HOST_MEMORY,src/gpu/intel/ocl/ocl_gpu_engine.cpp:261 0%| | 0/20 [00:03<?, ?it/s] *** Error completing request *** Arguments: ('task(7zb94xpevv0u6ww)', <gradio.routes.Request object at 0x7d0f304b9ba0>, '', '', [], 1, 1, 7, 512, 512, False, 0.7, 2, 'Latent', 0, 0, 0, 'Use same checkpoint', 'Use same sampler', 'Use same scheduler', '', '', [], 0, 20, 'DPM++ 2M', 'Automatic', False, '', 0.8, -1, False, -1, 0, 0, 0, False, False, 'positive', 'comma', 0, False, False, 'start', '', 1, '', [], 0, '', [], 0, '', [], True, False, False, False, False, False, False, 0, False) {} Traceback (most recent call last): File "/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py", line 74, in f res = list(func(*args, **kwargs)) File "/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py", line 53, in f res = func(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py", line 37, in f res = func(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/txt2img.py", line 109, in txt2img processed = processing.process_images(p) File "/home/shouryo/Software/stable-diffusion-webui/modules/processing.py", line 847, in process_images res = process_images_inner(p) File "/home/shouryo/Software/stable-diffusion-webui/modules/processing.py", line 988, 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 "/home/shouryo/Software/stable-diffusion-webui/modules/processing.py", line 1346, in sample samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x)) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_kdiffusion.py", line 230, 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 "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_common.py", line 272, in launch_sampling return func() File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_kdiffusion.py", line 230, 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 "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py", line 115, in decorate_context return func(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/sampling.py", line 594, in sample_dpmpp_2m denoised = model(x, sigmas[i] * s_in, **extra_args) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_cfg_denoiser.py", line 249, in forward x_out = self.inner_model(x_in, sigma_in, cond=make_condition_dict(cond_in, image_cond_in)) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/external.py", line 112, in forward eps = self.get_eps(input * c_in, self.sigma_to_t(sigma), **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/external.py", line 138, in get_eps return self.inner_model.apply_model(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py", line 22, in <lambda> setattr(resolved_obj, func_path[-1], lambda *args, **kwargs: self(*args, **kwargs)) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py", line 34, in __call__ return self.__sub_func(self.__orig_func, *args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_unet.py", line 50, in apply_model result = orig_func(self, x_noisy.to(devices.dtype_unet), t.to(devices.dtype_unet), cond, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py", line 22, in <lambda> setattr(resolved_obj, func_path[-1], lambda *args, **kwargs: self(*args, **kwargs)) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py", line 36, in __call__ return self.__orig_func(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/models/diffusion/ddpm.py", line 858, in apply_model x_recon = self.model(x_noisy, t, **cond) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/models/diffusion/ddpm.py", line 1335, in forward out = self.diffusion_model(x, t, context=cc) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/modules/sd_unet.py", line 91, in UNetModel_forward return original_forward(self, x, timesteps, context, *args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py", line 797, in forward h = module(h, emb, context) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py", line 82, in forward x = layer(x, emb) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1532, in _wrapped_call_impl return self._call_impl(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py", line 1541, in _call_impl return forward_call(*args, **kwargs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py", line 249, in forward return checkpoint( File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/util.py", line 123, in checkpoint return func(*inputs) File "/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py", line 272, in _forward h = h + emb_out RuntimeError: could not create a primitive
No response
Not a solution but a temporal fix, if you rollback to the release 1.9.4 you can still generate images. I had to do it cause 1.10.0 was not working for me (it won't even start).
Checklist
What happened?
Arc A770 suddenly can not generate any images. This issue also happens in ComfyUI
Steps to reproduce the problem
What should have happened?
WebUI should generate the image
What browsers do you use to access the UI ?
Mozilla Firefox
Sysinfo
{ "Platform": "Linux-6.8.0-47-generic-x86_64-with-glibc2.39", "Python": "3.10.12", "Version": "v1.10.1-20-g5865da28", "Commit": "5865da28d1800eea27b3a14979e788b17e010afe", "Git status": "On branch dev\nYour branch is up to date with 'origin/dev'.\n\nChanges not staged for commit:\n (use \"git add/rm...\" to update what will be committed)\n (use \"git restore ...\" to discard changes in working directory)\n\tdeleted: models/Stable-diffusion/Put Stable Diffusion checkpoints here.txt\n\tmodified: modules/launch_utils.py\n\nUntracked files:\n (use \"git add ...\" to include in what will be committed)\n\tbin/\n\tdream_artist/\n\text-off/\n\textension_off/\n\textensions-2/\n\textensions.old/\n\tlib/\n\tlib64\n\tlog.txt\n\tmodules/ui_components.pyi\n\toutput.txt\n\tpickle_inspector.py\n\tpickle_scan.py\n\tpyvenv.cfg\n\nno changes added to commit (use \"git add\" and/or \"git commit -a\")",
"Script path": "/home/shouryo/Software/stable-diffusion-webui",
"Data path": "/home/shouryo/Software/stable-diffusion-webui",
"Extensions dir": "/home/shouryo/Software/stable-diffusion-webui/extensions",
"Checksum": "d36e856720f8183454c641e6713bbd87e0539ef3899c4370d813d83aa756bc7f",
"Commandline": [
"webui.py",
"--use-ipex",
"--no-half-vae"
],
"Torch env info": "'NoneType' object has no attribute 'splitlines'",
"Exceptions": [
{
"exception": "could not create a primitive",
"traceback": [
[
"/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py, line 74, f",
"res = list(func(*args, kwargs))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py, line 53, f",
"res = func(*args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/call_queue.py, line 37, f",
"res = func(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/txt2img.py, line 109, txt2img",
"processed = processing.process_images(p)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/processing.py, line 847, process_images",
"res = process_images_inner(p)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/processing.py, line 988, 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)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/processing.py, line 1346, sample",
"samples = self.sampler.sample(self, x, conditioning, unconditional_conditioning, image_conditioning=self.txt2img_image_conditioning(x))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_kdiffusion.py, line 230, 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))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_common.py, line 272, launch_sampling",
"return func()"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_kdiffusion.py, line 230, ",
"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))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/utils/_contextlib.py, line 115, decorate_context",
"return func(*args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/sampling.py, line 594, sample_dpmpp_2m",
"denoised = model(x, sigmas[i] * s_in, *extra_args)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl",
"return self._call_impl(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl",
"return forward_call(*args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_samplers_cfg_denoiser.py, line 249, forward",
"x_out = self.inner_model(x_in, sigma_in, cond=make_condition_dict(cond_in, image_cond_in))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl",
"return self._call_impl(*args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl",
"return forward_call(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/external.py, line 112, forward",
"eps = self.get_eps(input * c_in, self.sigma_to_t(sigma), kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/k-diffusion/k_diffusion/external.py, line 138, get_eps",
"return self.inner_model.apply_model(*args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 22, ",
"setattr(resolved_obj, func_path[-1], lambda args, kwargs: self(*args, kwargs))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 34, call",
"return self.__sub_func(self.__orig_func, args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_unet.py, line 50, apply_model",
"result = orig_func(self, x_noisy.to(devices.dtype_unet), t.to(devices.dtype_unet), cond, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 22, ",
"setattr(resolved_obj, func_path[-1], lambda args, kwargs: self(*args, kwargs))"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_hijack_utils.py, line 36, call",
"return self.__orig_func(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/models/diffusion/ddpm.py, line 858, apply_model",
"x_recon = self.model(x_noisy, t, cond)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl",
"return self._call_impl(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl",
"return forward_call(*args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/models/diffusion/ddpm.py, line 1335, forward",
"out = self.diffusion_model(x, t, context=cc)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl",
"return self._call_impl(*args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl",
"return forward_call(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/modules/sd_unet.py, line 91, UNetModel_forward",
"return original_forward(self, x, timesteps, context, *args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 797, forward",
"h = module(h, emb, context)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl",
"return self._call_impl(*args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl",
"return forward_call(args, kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 82, forward",
"x = layer(x, emb)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1532, _wrapped_call_impl",
"return self._call_impl(*args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/venv/lib/python3.10/site-packages/torch/nn/modules/module.py, line 1541, _call_impl",
"return forward_call(args, *kwargs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 249, forward",
"return checkpoint("
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/util.py, line 123, checkpoint",
"return func(inputs)"
],
[
"/home/shouryo/Software/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/ldm/modules/diffusionmodules/openaimodel.py, line 272, _forward",
"h = h + emb_out"
]
]
}
],
"CPU": {
"model": "x86_64",
"count logical": 24,
"count physical": 12
},
"RAM": {
"total": "126GB",
"used": "4GB",
"free": "101GB",
"active": "17GB",
"inactive": "6GB",
"buffers": "1GB",
"cached": "19GB",
"shared": "386MB"
},
"Extensions": [
{
"name": "a1111-sd-webui-tagcomplete",
"path": "/home/shouryo/Software/stable-diffusion-webui/extensions/a1111-sd-webui-tagcomplete",
"commit": "49ec047af8ba73889f65a65585ef16b4a26b416b",
"branch": "main",
"remote": "https://github.com/DominikDoom/a1111-sd-webui-tagcomplete.git"
},
{
"name": "sd-civitai-browser-plus",
"path": "/home/shouryo/Software/stable-diffusion-webui/extensions/sd-civitai-browser-plus",
"commit": "0b97a482ad4e3c0fec797a797414a0f0eeef08fa",
"branch": "main",
"remote": "https://github.com/BlafKing/sd-civitai-browser-plus.git"
},
{
"name": "sd_dreambooth_extension",
"path": "/home/shouryo/Software/stable-diffusion-webui/extensions/sd_dreambooth_extension",
"commit": "1b3257b46bb03c6de3bcdfa079773dc040884fbd",
"branch": "main",
"remote": "https://github.com/d8ahazard/sd_dreambooth_extension.git"
}
],
"Inactive extensions": [],
"Environment": {
"GRADIO_ANALYTICS_ENABLED": "False"
},
"Config": {
"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,
"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": "Local",
"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": "",
"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": true,
"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": false,
"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"
],
"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": "none",
"restore_config_state_file": "",
"sd_checkpoint_hash": "c9361308343e125339585c482042d88698c8552334daadfe56f09bd624b9f0a8",
"sd_lora": "None",
"lora_preferred_name": "Alias from file",
"lora_add_hashes_to_infotext": true,
"lora_show_all": true,
"lora_hide_unknown_for_versions": [],
"lora_in_memory_limit": 0,
"lora_functional": 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"
],
"extra_options_txt2img": [],
"extra_options_img2img": [],
"extra_options_cols": 1,
"extra_options_accordion": false,
"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,
"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_useEmbeddings": true,
"tac_includeEmbeddingsInNormalResults": false,
"tac_useHypernetworks": true,
"tac_useLoras": true,
"tac_useLycos": true,
"tac_showWikiLinks": false,
"tac_showExtraNetworkPreviews": true,
"tac_modelSortOrder": "Name",
"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}",
"tac_refreshTempFiles": "Refresh TAC temp files",
"ad_max_models": 2,
"ad_extra_models_dir": "",
"ad_save_previews": false,
"ad_save_images_before": false,
"ad_only_seleted_scripts": true,
"ad_script_names": "dynamic_prompting,dynamic_thresholding,wildcard_recursive,wildcards,lora_block_weight",
"ad_bbox_sortby": "None",
"ad_same_seed_for_each_tap": false,
"civsfz_number_of_tabs": 3,
"civsfz_number_of_cards": 12,
"civsfz_card_size_width": 8,
"civsfz_card_size_height": 12,
"civsfz_hover_zoom_magnification": 1.5,
"civsfz_treat_x_as_nsfw": true,
"civsfz_figcaption_background_color": "#798a9f",
"civsfz_default_shadow_color": "#798a9f",
"civsfz_alreadyhave_shadow_color": "#7fffd4",
"control_net_detectedmap_dir": "detected_maps",
"control_net_models_path": "",
"control_net_modules_path": "",
"control_net_unit_count": 3,
"control_net_model_cache_size": 1,
"control_net_inpaint_blur_sigma": 7,
"control_net_no_high_res_fix": false,
"control_net_no_detectmap": false,
"control_net_detectmap_autosaving": false,
"control_net_allow_script_control": false,
"control_net_sync_field_args": true,
"controlnet_show_batch_images_in_ui": false,
"controlnet_increment_seed_during_batch": false,
"controlnet_disable_control_type": false,
"controlnet_disable_openpose_edit": false,
"controlnet_ignore_noninpaint_mask": false,
"use_aria2": true,
"disable_dns": false,
"show_log": false,
"split_aria2": 64,
"aria2_flags": "",
"unpack_zip": false,
"save_api_info": false,
"auto_save_all_img": false,
"custom_api_key": "",
"hide_early_access": true,
"use_LORA": true,
"dot_subfolders": true,
"use_local_html": false,
"local_path_in_html": false,
"page_header": false,
"video_playback": true,
"individual_meta_btn": true,
"model_desc_to_json": true,
"image_location": "",
"sub_image_location": true,
"save_to_custom": false,
"custom_civitai_proxy": "",
"cabundle_path_proxy": "",
"disable_sll_proxy": false,
"insert_sub_1": false,
"insert_sub_2": false,
"insert_sub_3": false,
"insert_sub_4": false,
"insert_sub_5": false,
"insert_sub_6": false,
"insert_sub_7": false,
"insert_sub_8": false,
"insert_sub_9": false,
"insert_sub_10": false,
"insert_sub_11": false,
"insert_sub_12": false,
"insert_sub_13": false,
"insert_sub_14": false,
"Checkpoint_subfolder": "None",
"LORA_LoCon_subfolder": "None",
"TextualInversion_subfolder": "None",
"Poses_subfolder": "None",
"Controlnet_subfolder": "None",
"Hypernetwork_subfolder": "None",
"MotionModule_subfolder": "None",
"SWINIR_upscale_subfolder": "None",
"REALESRGAN_upscale_subfolder": "None",
"GFPGAN_upscale_subfolder": "None",
"BSRGAN_upscale_subfolder": "None",
"ESRGAN_upscale_subfolder": "None",
"VAE_subfolder": "None",
"AestheticGradient_subfolder": "None",
"Wildcards_subfolder": "None",
"Workflows_subfolder": "None",
"Other_subfolder": "None",
"tac_wildcardExclusionList": "",
"tac_skipWildcardRefresh": false,
"tac_useLoraPrefixForLycos": true,
"tac_useStyleVars": false,
"tac_frequencySort": true,
"tac_frequencyFunction": "Logarithmic (weak)",
"tac_frequencyMinCount": 3,
"tac_frequencyMaxAge": 30,
"tac_frequencyRecommendCap": 10,
"tac_frequencyIncludeAlias": false,
"civitai_not_found_print": true,
"civitai_send_to_browser": false,
"auto_backcompat": true,
"use_downcasted_alpha_bar": false,
"refiner_switch_by_sample_steps": false,
"extra_networks_card_description_is_html": false,
"extra_networks_tree_view_style": "Dirs",
"extra_networks_tree_view_default_enabled": true,
"extra_networks_tree_view_default_width": 180.0,
"lora_not_found_warning_console": false,
"lora_not_found_gradio_warning": false,
"pad_cond_uncond_v0": false,
"fp8_storage": "Disable",
"cache_fp16_weight": false,
"sd_noise_schedule": "Default",
"emphasis": "Original",
"enable_prompt_comments": true,
"auto_vae_precision_bfloat16": true,
"overlay_inpaint": true,
"sd_webui_modal_lightbox_icon_opacity": 1,
"sd_webui_modal_lightbox_toolbar_opacity": 0.9,
"open_dir_button_choice": "Subdirectory",
"include_styles_into_token_counters": true,
"interrupt_after_current": true,
"enable_reloading_ui_scripts": false,
"prioritized_callbacks_app_started": [],
"prioritized_callbacks_model_loaded": [],
"prioritized_callbacks_ui_tabs": [],
"prioritized_callbacks_ui_settings": [],
"prioritized_callbacks_infotext_pasted": [],
"prioritized_callbacks_script_unloaded": [],
"prioritized_callbacks_before_ui": [],
"prioritized_callbacks_list_optimizers": [],
"prioritized_callbacks_before_token_counter": [],
"prioritized_callbacks_script_before_process": [],
"prioritized_callbacks_script_process": [],
"prioritized_callbacks_script_post_sample": [],
"prioritized_callbacks_script_on_mask_blend": [],
"prioritized_callbacks_script_postprocess_maskoverlay": [],
"enable_upscale_progressbar": true,
"postprocessing_disable_in_extras": [],
"dat_enabled_models": [
"DAT x2",
"DAT x3",
"DAT x4"
],
"DAT_tile": 192,
"DAT_tile_overlap": 8,
"set_scale_by_when_changing_upscaler": false,
"canvas_hotkey_shrink_brush": "Q",
"canvas_hotkey_grow_brush": "W",
"lora_bundled_ti_to_infotext": true,
"s_min_uncond_all": false,
"skip_early_cond": 0,
"sdxl_clip_l_skip": false,
"prevent_screen_sleep_during_generation": true,
"profiling_enable": false,
"profiling_activities": [
"CPU"
],
"profiling_record_shapes": true,
"profiling_profile_memory": true,
"profiling_with_stack": true,
"profiling_filename": "trace.json",
"save_write_log_csv": true,
"beta_dist_alpha": 0.6,
"beta_dist_beta": 0.6,
"sd3_enable_t5": false
},
"Startup": {
"total": 133.00689578056335,
"records": {
"launcher": 0.03735041618347168,
"import torch": 31.34335422515869,
"import gradio": 8.4069082736969,
"setup paths": 11.82895278930664,
"import ldm": 0.09105134010314941,
"import sgm": 8.106231689453125e-06,
"initialize shared": 62.97803854942322,
"other imports": 6.41315770149231,
"opts onchange": 0.00038123130798339844,
"setup SD model": 6.651878356933594e-05,
"setup codeformer": 0.005723714828491211,
"setup gfpgan": 0.12494778633117676,
"set samplers": 3.123283386230469e-05,
"list extensions": 0.0015416145324707031,
"restore config state file": 1.6450881958007812e-05,
"list SD models": 0.2739830017089844,
"list localizations": 0.0002911090850830078,
"load scripts/custom_code.py": 0.004487752914428711,
"load scripts/img2imgalt.py": 0.005002021789550781,
"load scripts/loopback.py": 0.004810333251953125,
"load scripts/outpainting_mk_2.py": 0.0004413127899169922,
"load scripts/poor_mans_outpainting.py": 0.004701375961303711,
"load scripts/postprocessing_codeformer.py": 0.0048291683197021484,
"load scripts/postprocessing_gfpgan.py": 0.0003445148468017578,
"load scripts/postprocessing_upscale.py": 0.004990339279174805,
"load scripts/prompt_matrix.py": 0.004759073257446289,
"load scripts/prompts_from_file.py": 0.005009651184082031,
"load scripts/sd_upscale.py": 0.00489044189453125,
"load scripts/xyz_grid.py": 0.01428675651550293,
"load scripts/ldsr_model.py": 0.13598418235778809,
"load scripts/lora_script.py": 0.3503880500793457,
"load scripts/scunet_model.py": 0.03040766716003418,
"load scripts/swinir_model.py": 0.029491424560546875,
"load scripts/hotkey_config.py": 0.00028705596923828125,
"load scripts/extra_options_section.py": 0.009782552719116211,
"load scripts/hypertile_script.py": 0.05941581726074219,
"load scripts/postprocessing_autosized_crop.py": 0.0007984638214111328,
"load scripts/postprocessing_caption.py": 0.004887819290161133,
"load scripts/postprocessing_create_flipped_copies.py": 0.00508880615234375,
"load scripts/postprocessing_focal_crop.py": 0.010241508483886719,
"load scripts/postprocessing_split_oversized.py": 0.0047228336334228516,
"load scripts/soft_inpainting.py": 0.010071277618408203,
"load scripts/model_keyword_support.py": 0.02492523193359375,
"load scripts/shared_paths.py": 0.0003371238708496094,
"load scripts/tag_autocomplete_helper.py": 0.11105465888977051,
"load scripts/tag_frequency_db.py": 0.0001049041748046875,
"load scripts/civitai_api.py": 1.20656156539917,
"load scripts/civitai_download.py": 1.0030999183654785,
"load scripts/civitai_file_manage.py": 0.0008542537689208984,
"load scripts/civitai_global.py": 0.00012874603271484375,
"load scripts/civitai_gui.py": 0.11642813682556152,
"load scripts/init.py": 0.0142822265625,
"load scripts/api.py": 1.51882004737854,
"load scripts/main.py": 0.22132420539855957,
"load scripts/comments.py": 0.04971051216125488,
"load scripts/refiner.py": 0.0024454593658447266,
"load scripts/sampler.py": 0.009913444519042969,
"load scripts/seed.py": 0.0052030086517333984,
"load scripts": 4.9953649044036865,
"load upscalers": 0.049864768981933594,
"refresh VAE": 0.0015914440155029297,
"refresh textual inversion templates": 5.4836273193359375e-05,
"scripts list_optimizers": 0.00038552284240722656,
"scripts list_unets": 2.9087066650390625e-05,
"reload hypernetworks": 0.0005502700805664062,
"initialize extra networks": 0.3288452625274658,
"scripts before_ui_callback": 0.045049428939819336,
"create ui": 5.700387239456177,
"gradio launch": 0.3683772087097168,
"add APIs": 0.007654666900634766,
"app_started_callback/lora_script.py": 0.00020813941955566406,
"app_started_callback/tag_autocomplete_helper.py": 0.0027456283569335938,
"app_started_callback": 0.002957582473754883
}
},
"Packages": [
"GitPython==3.1.43",
"Jinja2==3.1.4",
"Markdown==3.7",
"MarkupSafe==2.1.5",
"Pillow==9.5.0",
"PySocks==1.7.1",
"PyWavelets==1.7.0",
"PyYAML==6.0.2",
"Send2Trash==1.8.3",
"Werkzeug==3.0.3",
"ZipUnicode==1.1.1",
"absl-py==2.1.0",
"accelerate==0.21.0",
"aenum==3.1.15",
"aiofiles==23.2.1",
"aiohappyeyeballs==2.3.6",
"aiohttp==3.10.3",
"aiosignal==1.3.1",
"altair==5.4.0",
"annotated-types==0.7.0",
"antlr4-python3-runtime==4.9.3",
"anyio==3.7.1",
"async-timeout==4.0.3",
"attrs==24.2.0",
"beautifulsoup4==4.12.3",
"bitsandbytes==0.43.3",
"blendmodes==2022",
"cachetools==5.4.0",
"certifi==2024.7.4",
"chardet==5.2.0",
"charset-normalizer==3.3.2",
"clean-fid==0.1.35",
"click==8.1.7",
"clip==1.0",
"contourpy==1.2.1",
"cycler==0.12.1",
"dadaptation==3.2",
"deprecation==2.1.0",
"diffusers==0.30.0",
"discord-webhook==1.3.0",
"diskcache==5.6.3",
"dpcpp-cpp-rt==2024.2.1",
"einops==0.4.1",
"exceptiongroup==1.2.2",
"facexlib==0.3.0",
"fake-useragent==1.5.1",
"fastapi==0.94.0",
"ffmpy==0.4.0",
"filelock==3.15.4",
"filterpy==1.4.5",
"fonttools==4.53.1",
"frozenlist==1.4.1",
"fsspec==2024.6.1",
"ftfy==6.2.3",
"gitdb==4.0.11",
"google-auth-oauthlib==1.0.0",
"google-auth==2.33.0",
"gradio==3.41.2",
"gradio_client==0.5.0",
"grpcio==1.65.4",
"h11==0.12.0",
"httpcore==0.15.0",
"httpx==0.24.1",
"huggingface-hub==0.24.5",
"idna==3.7",
"imageio==2.35.0",
"impi-devel==2021.13.1",
"impi-rt==2021.13.1",
"importlib_metadata==8.2.0",
"importlib_resources==6.4.2",
"inflection==0.5.1",
"intel-cmplr-lib-rt==2024.2.1",
"intel-cmplr-lib-ur==2024.2.1",
"intel-cmplr-lic-rt==2024.2.1",
"intel-opencl-rt==2024.2.1",
"intel-openmp==2024.2.1",
"intel-sycl-rt==2024.2.1",
"intel_extension_for_pytorch==2.3.110+xpu",
"jsonmerge==1.8.0",
"jsonschema-specifications==2023.12.1",
"jsonschema==4.23.0",
"kiwisolver==1.4.5",
"kornia==0.6.7",
"lark==1.1.2",
"lazy_loader==0.4",
"lightning-utilities==0.11.6",
"llvmlite==0.43.0",
"matplotlib==3.9.2",
"mkl-dpcpp==2024.2.1",
"mkl==2024.2.1",
"mpmath==1.3.0",
"multidict==6.0.5",
"narwhals==1.4.2",
"networkx==3.3",
"numba==0.60.0",
"numpy==1.26.4",
"oauthlib==3.2.2",
"omegaconf==2.2.3",
"oneccl-bind-pt==2.3.100+xpu",
"oneccl-devel==2021.13.1",
"onemkl-sycl-blas==2024.2.1",
"onemkl-sycl-datafitting==2024.2.1",
"onemkl-sycl-dft==2024.2.1",
"onemkl-sycl-lapack==2024.2.1",
"onemkl-sycl-rng==2024.2.1",
"onemkl-sycl-sparse==2024.2.1",
"onemkl-sycl-stats==2024.2.1",
"onemkl-sycl-vm==2024.2.1",
"open-clip-torch==2.20.0",
"opencv-python==4.10.0.84",
"orjson==3.10.7",
"packaging==24.1",
"pandas==2.2.2",
"piexif==1.1.3",
"pillow-avif-plugin==1.4.3",
"pip==22.0.2",
"protobuf==3.20.0",
"psutil==5.9.5",
"pyasn1==0.6.0",
"pyasn1_modules==0.4.0",
"pydantic==1.10.17",
"pydantic_core==2.20.1",
"pydub==0.25.1",
"pyparsing==3.1.2",
"python-dateutil==2.9.0.post0",
"python-multipart==0.0.9",
"pytorch-lightning==1.9.4",
"pytorch_optimizer==2.12.0",
"pytz==2024.1",
"referencing==0.35.1",
"regex==2024.7.24",
"requests-oauthlib==2.0.0",
"requests==2.32.3",
"resize-right==0.0.2",
"rpds-py==0.20.0",
"rsa==4.9",
"ruamel.yaml.clib==0.2.8",
"ruamel.yaml==0.18.6",
"safetensors==0.4.2",
"scikit-image==0.21.0",
"scipy==1.14.0",
"semantic-version==2.10.0",
"sentencepiece==0.2.0",
"setuptools==69.5.1",
"six==1.16.0",
"smmap==5.0.1",
"sniffio==1.3.1",
"soupsieve==2.6",
"spandrel==0.3.4",
"spandrel_extra_arches==0.1.1",
"starlette==0.26.1",
"sympy==1.13.2",
"tbb==2021.13.1",
"tensorboard-data-server==0.7.2",
"tensorboard==2.13.0",
"tifffile==2024.8.10",
"timm==1.0.8",
"tokenizers==0.13.3",
"tomesd==0.1.3",
"torch==2.3.1+cxx11.abi",
"torchaudio==2.3.1+cxx11.abi",
"torchdiffeq==0.2.3",
"torchmetrics==1.4.1",
"torchsde==0.2.6",
"torchvision==0.18.1+cxx11.abi",
"tqdm==4.66.5",
"trampoline==0.1.2",
"transformers==4.30.2",
"typing_extensions==4.12.2",
"tzdata==2024.1",
"urllib3==2.2.2",
"uvicorn==0.30.6",
"wcwidth==0.2.13",
"websockets==11.0.3",
"wheel==0.44.0",
"yarl==1.9.4",
"zipp==3.20.0"
]
}
Console logs
Additional information
No response