AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: URLError: <urlopen error [Errno 11004] getaddrinfo failed> #14049

Open ivangarciafilho opened 10 months ago

ivangarciafilho commented 10 months ago

Is there an existing issue for this?

What happened?

Steps to reproduce the problem

What would your feature do ? [ Extension index url ] for available extension list does not work [ https://raw.githubusercontent.com/AUTOMATIC1111/stable-diffusion-webui-extensions/master/index.json ] ( https://github.com/AUTOMATIC1111/stable-diffusion-webui/issues/url ) 1689845476103

  1. Clone lastest version sdwebui (commit bash [https://github.com/AUTOMATIC1111/stable-diffusion-webui/commit/f865d3e11647dfd6c7b2cdf90dde24680e58acd8])
  2. Install all requirements (automatically by run webui.bat)
  3. On page 127.0.0.1:7860 -> Extensions -> Load From

image

  1. If click [ Load From ] button, cmd will show error msg below under the console message section below :

What should have happened?

Load and refresh the UI with a list of all available WEBUI extensions available .

Sysinfo

{ "Platform": "Windows-10-10.0.22621-SP0", "Python": "3.10.6", "Version": "v1.6.0-2-g4afaaf8a", "Commit": "4afaaf8a020c1df457bcf7250cb1c7f609699fa7", "Script path": "C:\AUTOMATIC1111\sd.webui\webui", "Data path": "C:\AUTOMATIC1111\sd.webui\webui", "Extensions dir": "C:\AUTOMATIC1111\sd.webui\webui\extensions", "Checksum": "41703228cf8c2d450822e10bb39deefbc816c3f4e0a53f38129d7e73115f0815", "Commandline": [ "launch.py" ], "Torch env info": { "torch_version": "2.0.1+cu118", "is_debug_build": "False", "cuda_compiled_version": "11.8", "gcc_version": null, "clang_version": null, "cmake_version": null, "os": "Microsoft Windows 11 Home Single Language", "libc_version": "N/A", "python_version": "3.10.6 (tags/v3.10.6:9c7b4bd, Aug 1 2022, 21:53:49) [MSC v.1932 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.22621-SP0", "is_cuda_available": "True", "cuda_runtime_version": "11.8.89\r", "cuda_module_loading": "LAZY", "nvidia_driver_version": "532.09", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce RTX 3070 Laptop GPU", "cudnn_version": null, "pip_version": "pip3", "pip_packages": [ "numpy==1.23.5", "open-clip-torch==2.20.0", "pytorch-lightning==1.9.4", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.15.2+cu118" ], "conda_packages": null, "hip_compiled_version": "N/A", "hip_runtime_version": "N/A", "miopen_runtime_version": "N/A", "caching_allocator_config": "", "is_xnnpack_available": "True", "cpu_info": [ "Architecture=9", "CurrentClockSpeed=2304", "DeviceID=CPU0", "Family=198", "L2CacheSize=10240", "L2CacheSpeed=", "Manufacturer=GenuineIntel", "MaxClockSpeed=2304", "Name=11th Gen Intel(R) Core(TM) i7-11800H @ 2.30GHz", "ProcessorType=3", "Revision=" ] }, "Exceptions": [ { "exception": "<urlopen error [Errno 11004] getaddrinfo failed>", "traceback": [ [ "C:\AUTOMATIC1111\sd.webui\webui\modules\call_queue.py, line 57, f", "res = list(func(*args, *kwargs))" ], [ "C:\AUTOMATIC1111\sd.webui\webui\modules\ui_extensions.py, line 408, refresh_available_extensions", "with urllib.request.urlopen(url) as response:" ], [ "C:\Program Files\Python310\lib\urllib\request.py, line 216, urlopen", "return opener.open(url, data, timeout)" ], [ "C:\Program Files\Python310\lib\urllib\request.py, line 519, open", "response = self._open(req, data)" ], [ "C:\Program Files\Python310\lib\urllib\request.py, line 536, _open", "result = self._call_chain(self.handle_open, protocol, protocol +" ], [ "C:\Program Files\Python310\lib\urllib\request.py, line 496, _call_chain", "result = func(args)" ], [ "C:\Program Files\Python310\lib\urllib\request.py, line 1391, https_open", "return self.do_open(http.client.HTTPSConnection, req," ], [ "C:\Program Files\Python310\lib\urllib\request.py, line 1351, do_open", "raise URLError(err)" ] ] } ], "CPU": { "model": "Intel64 Family 6 Model 141 Stepping 1, GenuineIntel", "count logical": 16, "count physical": 8 }, "RAM": { "total": "16GB", "used": "15GB", "free": "696MB" }, "Extensions": [], "Inactive extensions": [], "Environment": { "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "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", "enable_pnginfo": true, "save_txt": false, "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, "outdir_samples": "", "outdir_txt2img_samples": "outputs/txt2img-images", "outdir_img2img_samples": "outputs/img2img-images", "outdir_extras_samples": "outputs/extras-images", "outdir_grids": "", "outdir_txt2img_grids": "outputs/txt2img-grids", "outdir_img2img_grids": "outputs/img2img-grids", "outdir_save": "log/images", "outdir_init_images": "outputs/init-images", "save_to_dirs": true, "grid_save_to_dirs": true, "use_save_to_dirs_for_ui": false, "directories_filename_pattern": "[date]", "directories_max_prompt_words": 8, "ESRGAN_tile": 192, "ESRGAN_tile_overlap": 8, "realesrgan_enabled_models": [ "R-ESRGAN 4x+", "R-ESRGAN 4x+ Anime6B" ], "upscaler_for_img2img": null, "face_restoration": false, "face_restoration_model": "CodeFormer", "code_former_weight": 0.5, "face_restoration_unload": false, "auto_launch_browser": "Local", "show_warnings": false, "show_gradio_deprecation_warnings": true, "memmon_poll_rate": 8, "samples_log_stdout": false, "multiple_tqdm": true, "print_hypernet_extra": false, "list_hidden_files": true, "disable_mmap_load_safetensors": false, "hide_ldm_prints": true, "api_enable_requests": true, "api_forbid_local_requests": true, "api_useragent": "", "unload_models_when_training": false, "pin_memory": false, "save_optimizer_state": false, "save_training_settings_to_txt": true, "dataset_filename_word_regex": "", "dataset_filename_join_string": " ", "training_image_repeats_per_epoch": 1, "training_write_csv_every": 500, "training_xattention_optimizations": false, "training_enable_tensorboard": false, "training_tensorboard_save_images": false, "training_tensorboard_flush_every": 120, "sd_model_checkpoint": "revAnimated_v122.safetensors [4199bcdd14]", "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": 1, "upcast_attn": false, "randn_source": "GPU", "tiling": false, "hires_fix_refiner_pass": "second pass", "sdxl_crop_top": 0, "sdxl_crop_left": 0, "sdxl_refiner_low_aesthetic_score": 2.5, "sdxl_refiner_high_aesthetic_score": 6.0, "sd_vae_explanation": "VAE is a neural network that transforms a standard RGB\nimage into latent space representation and back. Latent space representation is what stable diffusion is working on during sampling\n(i.e. when the progress bar is between empty and full). For txt2img, VAE is used to create a resulting image after the sampling is finished.\nFor img2img, VAE is used to process user's input image before the sampling, and to create an image after sampling.", "sd_vae_checkpoint_cache": 0, "sd_vae": "Automatic", "sd_vae_overrides_per_model_preferences": true, "auto_vae_precision": true, "sd_vae_encode_method": "Full", "sd_vae_decode_method": "Full", "inpainting_mask_weight": 1.0, "initial_noise_multiplier": 1.0, "img2img_extra_noise": 0.0, "img2img_color_correction": false, "img2img_fix_steps": false, "img2img_background_color": "#ffffff", "img2img_editor_height": 720, "img2img_sketch_default_brush_color": "#ffffff", "img2img_inpaint_mask_brush_color": "#ffffff", "img2img_inpaint_sketch_default_brush_color": "#ffffff", "return_mask": false, "return_mask_composite": false, "cross_attention_optimization": "Automatic", "s_min_uncond": 0.0, "token_merging_ratio": 0.0, "token_merging_ratio_img2img": 0.0, "token_merging_ratio_hr": 0.0, "pad_cond_uncond": false, "persistent_cond_cache": true, "batch_cond_uncond": true, "use_old_emphasis_implementation": false, "use_old_karras_scheduler_sigmas": false, "no_dpmpp_sde_batch_determinism": false, "use_old_hires_fix_width_height": false, "dont_fix_second_order_samplers_schedule": false, "hires_fix_use_firstpass_conds": false, "use_old_scheduling": false, "interrogate_keep_models_in_memory": false, "interrogate_return_ranks": false, "interrogate_clip_num_beams": 1, "interrogate_clip_min_length": 24, "interrogate_clip_max_length": 48, "interrogate_clip_dict_limit": 1500, "interrogate_clip_skip_categories": [], "interrogate_deepbooru_score_threshold": 0.5, "deepbooru_sort_alpha": true, "deepbooru_use_spaces": true, "deepbooru_escape": true, "deepbooru_filter_tags": "", "extra_networks_show_hidden_directories": true, "extra_networks_hidden_models": "When searched", "extra_networks_default_multiplier": 1.0, "extra_networks_card_width": 0, "extra_networks_card_height": 0, "extra_networks_card_text_scale": 1.0, "extra_networks_card_show_desc": true, "extra_networks_add_text_separator": " ", "ui_extra_networks_tab_reorder": "", "textual_inversion_print_at_load": false, "textual_inversion_add_hashes_to_infotext": true, "sd_hypernetwork": "None", "localization": "None", "gradio_theme": "Default", "gradio_themes_cache": true, "gallery_height": "", "return_grid": true, "do_not_show_images": false, "send_seed": true, "send_size": true, "js_modal_lightbox": true, "js_modal_lightbox_initially_zoomed": true, "js_modal_lightbox_gamepad": false, "js_modal_lightbox_gamepad_repeat": 250, "show_progress_in_title": true, "samplers_in_dropdown": true, "dimensions_and_batch_together": true, "keyedit_precision_attention": 0.1, "keyedit_precision_extra": 0.05, "keyedit_delimiters": ".,\/!?%^*;:{}=`~()", "keyedit_move": true, "quicksettings_list": [ "sd_model_checkpoint" ], "ui_tab_order": [], "hidden_tabs": [], "ui_reorder_list": [], "hires_fix_show_sampler": false, "hires_fix_show_prompts": false, "disable_token_counters": false, "add_model_hash_to_info": true, "add_model_name_to_info": true, "add_user_name_to_info": false, "add_version_to_infotext": true, "disable_weights_auto_swap": true, "infotext_styles": "Apply if any", "show_progressbar": true, "live_previews_enable": true, "live_previews_image_format": "png", "show_progress_grid": true, "show_progress_every_n_steps": 10, "show_progress_type": "Approx NN", "live_preview_allow_lowvram_full": false, "live_preview_content": "Prompt", "live_preview_refresh_period": 1000, "live_preview_fast_interrupt": false, "hide_samplers": [], "eta_ddim": 0.0, "eta_ancestral": 1.0, "ddim_discretize": "uniform", "s_churn": 0.0, "s_tmin": 0.0, "s_tmax": 0.0, "s_noise": 1.0, "k_sched_type": "Automatic", "sigma_min": 0.0, "sigma_max": 0.0, "rho": 0.0, "eta_noise_seed_delta": 0, "always_discard_next_to_last_sigma": false, "sgm_noise_multiplier": false, "uni_pc_variant": "bh1", "uni_pc_skip_type": "time_uniform", "uni_pc_order": 3, "uni_pc_lower_order_final": true, "postprocessing_enable_in_main_ui": [], "postprocessing_operation_order": [], "upscaling_max_images_in_cache": 5, "disabled_extensions": [], "disable_all_extensions": "none", "restore_config_state_file": "", "sd_checkpoint_hash": "4199bcdd147e11328d5f3560301d5a7ab4ac7eeefbf49dc3eb663cb3e772b9ac" }, "Startup": { "total": 21.493760108947754, "records": { "initial startup": 0.002602100372314453, "prepare environment/checks": 0.02552032470703125, "prepare environment/git version info": 0.11689090728759766, "prepare environment/torch GPU test": 4.8772711753845215, "prepare environment/clone repositores": 0.3056013584136963, "prepare environment/run extensions installers": 0.002097606658935547, "prepare environment": 5.458019971847534, "launcher": 0.0034079551696777344, "import torch": 6.490084171295166, "import gradio": 1.7737624645233154, "setup paths": 1.7448651790618896, "import ldm": 0.01286768913269043, "import sgm": 0.0, "initialize shared": 0.3758382797241211, "other imports": 1.3443899154663086, "opts onchange": 0.0009965896606445312, "setup SD model": 0.0035059452056884766, "setup codeformer": 0.21874690055847168, "setup gfpgan": 0.041483163833618164, "set samplers": 0.0, "list extensions": 0.0009965896606445312, "restore config state file": 0.0, "list SD models": 0.12068653106689453, "list localizations": 0.0009949207305908203, "load scripts/custom_code.py": 0.005489349365234375, "load scripts/img2imgalt.py": 0.0010018348693847656, "load scripts/loopback.py": 0.0010018348693847656, "load scripts/outpainting_mk_2.py": 0.0009961128234863281, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0009970664978027344, "load scripts/postprocessing_gfpgan.py": 0.0, "load scripts/postprocessing_upscale.py": 0.0009963512420654297, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.000997304916381836, "load scripts/refiner.py": 0.0009965896606445312, "load scripts/sd_upscale.py": 0.0, "load scripts/seed.py": 0.0009975433349609375, "load scripts/xyz_grid.py": 0.002523660659790039, "load scripts/ldsr_model.py": 1.1572699546813965, "load scripts/lora_script.py": 0.40624332427978516, "load scripts/scunet_model.py": 0.06910991668701172, "load scripts/swinir_model.py": 0.06999063491821289, "load scripts/hotkey_config.py": 0.0009963512420654297, "load scripts/extra_options_section.py": 0.0009953975677490234, "load scripts": 1.7206032276153564, "load upscalers": 0.01948094367980957, "refresh VAE": 0.005513429641723633, "refresh textual inversion templates": 0.0, "scripts list_optimizers": 0.0021462440490722656, "scripts list_unets": 0.0, "reload hypernetworks": 0.01105809211730957, "initialize extra networks": 0.027280330657958984, "scripts before_ui_callback": 0.002180814743041992, "create ui": 1.0065667629241943, "gradio launch": 1.2258903980255127, "add APIs": 0.010479927062988281, "app_started_callback/lora_script.py": 0.0009989738464355469, "app_started_callback": 0.0009989738464355469 } }, "Packages": [ "absl-py==2.0.0", "accelerate==0.21.0", "addict==2.4.0", "aenum==3.1.15", "aiofiles==23.2.1", "aiohttp==3.9.0", "aiosignal==1.3.1", "altair==5.1.2", "antlr4-python3-runtime==4.9.3", "anyio==3.7.1", "async-timeout==4.0.3", "attrs==23.1.0", "basicsr==1.4.2", "beautifulsoup4==4.12.2", "blendmodes==2022", "boltons==23.1.1", "cachetools==5.3.2", "certifi==2023.11.17", "charset-normalizer==3.3.2", "clean-fid==0.1.35", "click==8.1.7", "clip==1.0", "colorama==0.4.6", "contourpy==1.2.0", "cycler==0.12.1", "deprecation==2.1.0", "einops==0.4.1", "exceptiongroup==1.1.3", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.13.1", "filterpy==1.4.5", "fonttools==4.45.0", "frozenlist==1.4.0", "fsspec==2023.10.0", "ftfy==6.1.1", "future==0.18.3", "gdown==4.7.1", "gfpgan==1.3.8", "gitdb==4.0.11", "gitpython==3.1.32", "google-auth-oauthlib==1.1.0", "google-auth==2.23.4", "gradio-client==0.5.0", "gradio==3.41.2", "grpcio==1.59.3", "h11==0.12.0", "httpcore==0.15.0", "httpx==0.24.1", "huggingface-hub==0.19.4", "idna==3.4", "imageio==2.33.0", "importlib-metadata==6.8.0", "importlib-resources==6.1.1", "inflection==0.5.1", "jinja2==3.1.2", "jsonmerge==1.8.0", "jsonschema-specifications==2023.11.1", "jsonschema==4.20.0", "kiwisolver==1.4.5", "kornia==0.6.7", "lark==1.1.2", "lazy-loader==0.3", "lightning-utilities==0.10.0", "llvmlite==0.41.1", "lmdb==1.4.1", "lpips==0.1.4", "markdown==3.5.1", "markupsafe==2.1.3", "matplotlib==3.8.2", "mpmath==1.3.0", "multidict==6.0.4", "networkx==3.2.1", "numba==0.58.1", "numpy==1.23.5", "oauthlib==3.2.2", "omegaconf==2.2.3", "open-clip-torch==2.20.0", "opencv-python==4.8.1.78", "orjson==3.9.10", "packaging==23.2", "pandas==2.1.3", "piexif==1.1.3", "pillow==9.5.0", "pip==22.2.1", "platformdirs==4.0.0", "protobuf==3.20.0", "psutil==5.9.5", "pyasn1-modules==0.3.0", "pyasn1==0.5.0", "pydantic==1.10.13", "pydub==0.25.1", "pyparsing==3.1.1", "pysocks==1.7.1", "python-dateutil==2.8.2", "python-multipart==0.0.6", "pytorch-lightning==1.9.4", "pytz==2023.3.post1", "pywavelets==1.5.0", "pyyaml==6.0.1", "realesrgan==0.3.0", "referencing==0.31.0", "regex==2023.10.3", "requests-oauthlib==1.3.1", "requests==2.31.0", "resize-right==0.0.2", "rpds-py==0.13.1", "rsa==4.9", "safetensors==0.3.1", "scikit-image==0.21.0", "scipy==1.11.4", "semantic-version==2.10.0", "sentencepiece==0.1.99", "setuptools==63.2.0", "six==1.16.0", "smmap==5.0.1", "sniffio==1.3.0", "soupsieve==2.5", "starlette==0.26.1", "sympy==1.12", "tb-nightly==2.16.0a20231120", "tensorboard-data-server==0.7.2", "tf-keras-nightly==2.16.0.dev2023112010", "tifffile==2023.9.26", "timm==0.9.2", "tokenizers==0.13.3", "tomesd==0.1.3", "tomli==2.0.1", "toolz==0.12.0", "torch==2.0.1+cu118", "torchdiffeq==0.2.3", "torchmetrics==1.2.0", "torchsde==0.2.5", "torchvision==0.15.2+cu118", "tqdm==4.66.1", "trampoline==0.1.2", "transformers==4.30.2", "typing-extensions==4.8.0", "tzdata==2023.3", "urllib3==2.1.0", "uvicorn==0.24.0.post1", "wcwidth==0.2.10", "websockets==11.0.3", "werkzeug==3.0.1", "yapf==0.40.2", "yarl==1.9.2", "zipp==3.17.0" ] }

What browsers do you use to access the UI ?

Other

Console logs

*** Error completing request
*** Arguments: ('https://raw.githubusercontent.com/AUTOMATIC1111/stable-diffusion-webui-extensions/master/index.json', ['ads', 'localization', 'installed'], 0) {}
    Traceback (most recent call last):
      File "C:\Program Files\Python310\lib\urllib\request.py", line 1348, in do_open
        h.request(req.get_method(), req.selector, req.data, headers,
      File "C:\Program Files\Python310\lib\http\client.py", line 1282, in request
        self._send_request(method, url, body, headers, encode_chunked)
      File "C:\Program Files\Python310\lib\http\client.py", line 1328, in _send_request
        self.endheaders(body, encode_chunked=encode_chunked)
      File "C:\Program Files\Python310\lib\http\client.py", line 1277, in endheaders
        self._send_output(message_body, encode_chunked=encode_chunked)
      File "C:\Program Files\Python310\lib\http\client.py", line 1037, in _send_output
        self.send(msg)
      File "C:\Program Files\Python310\lib\http\client.py", line 975, in send
        self.connect()
      File "C:\Program Files\Python310\lib\http\client.py", line 1447, in connect
        super().connect()
      File "C:\Program Files\Python310\lib\http\client.py", line 941, in connect
        self.sock = self._create_connection(
      File "C:\Program Files\Python310\lib\socket.py", line 824, in create_connection
        for res in getaddrinfo(host, port, 0, SOCK_STREAM):
      File "C:\Program Files\Python310\lib\socket.py", line 955, in getaddrinfo
        for res in _socket.getaddrinfo(host, port, family, type, proto, flags):
    socket.gaierror: [Errno 11004] getaddrinfo failed

    During handling of the above exception, another exception occurred:

    Traceback (most recent call last):
      File "C:\AUTOMATIC1111\sd.webui\webui\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "C:\AUTOMATIC1111\sd.webui\webui\modules\ui_extensions.py", line 408, in refresh_available_extensions
        with urllib.request.urlopen(url) as response:
      File "C:\Program Files\Python310\lib\urllib\request.py", line 216, in urlopen
        return opener.open(url, data, timeout)
      File "C:\Program Files\Python310\lib\urllib\request.py", line 519, in open
        response = self._open(req, data)
      File "C:\Program Files\Python310\lib\urllib\request.py", line 536, in _open
        result = self._call_chain(self.handle_open, protocol, protocol +
      File "C:\Program Files\Python310\lib\urllib\request.py", line 496, in _call_chain
        result = func(*args)
      File "C:\Program Files\Python310\lib\urllib\request.py", line 1391, in https_open
        return self.do_open(http.client.HTTPSConnection, req,
      File "C:\Program Files\Python310\lib\urllib\request.py", line 1351, in do_open
        raise URLError(err)
    urllib.error.URLError: <urlopen error [Errno 11004] getaddrinfo failed>

---

Additional information

I'm not using a VPN nor any Proxy !

image

image

Also tried to switch all DNS servers to :

image

w-e-w commented 10 months ago

unable to reproduce issue

assuming that is nothing wrong with your network setup, it is possible your experience some sort of temporary network issues

try accessing https://raw.githubusercontent.com/AUTOMATIC1111/stable-diffusion-webui-extensions/master/index.json through browser

ivangarciafilho commented 10 months ago

on none of my browsers... i've just installed stable diffusion webui, it's a clean install and the problem still persists

image image image

w-e-w commented 10 months ago

all I can say is that the URL works for me and I would assume for most people and since you can't even access it through your browser this means the issue is not caused by web UI the issue is most likely caused by your network

if you want another test with your phone, test with your home network (wifi) and cellular connection if both managed to connect then something's wrong with your computer if only the cellular works then something is wrong with your home network if both fails then something is seriously wrong

it is also possible that the Github's Raw server is somehow down in your region if that's the case then there's nothing we can do apart from wait till they fix it


out of curiosity since you are able to access GitHub (as you're able to post here) you should be able to connect to the web page repo webpage try https://github.com/AUTOMATIC1111/stable-diffusion-webui-extensions/blob/master/index.json after that try clicking the Raw button image the Raw button is the same page as the one you're not able to access

ivangarciafilho commented 10 months ago

Yeah ... something is REALLY wrong as you said ... Even while using my mobile phone's network through it's hotspot, the file doesn't open...

any chance of downloading that file localy then modify the address of the json file?

opera_rqm1EQdD7T

ivangarciafilho commented 10 months ago

Ok ... "kinda solved the issue" .... i know there's something REALLY WRONG with something involving my network ... i don't know if tit's the adapter, but i discarded the hypothesis of my network provider by using my mobile phone's network ( not the wi-fi, i'm talking about the mobile network provided by it's SIM Card ) ...

To "solve" i had to "hack" by :

  1. Copying and pasting the entire index file content to a text file and then saving it as a .Json file .
  2. Since the webui is running locally on my machine i could use a "file:" + "path to file" within a random folder ( i chose the webui folder to put the file )
  3. Then just load it through the webui interface

opera_PA8Qpy1zXq

@w-e-w don't you think it's kinda "safier" to include that .json file within the webui folder and update it with a "git pull" ? Otherwise that functionality is 100% connection dependant ( ok, I know that functionality depends on internet connection, but, should a file that's part of the software functionality stay "outside" of the software's folder structure and remotely hosted ? I know that doing something like that won't keep the file 100% of the time up to date ! )

akx commented 10 months ago

don't you think it's kinda "safier" to include that .json file within the webui folder and update it with a "git pull" ?

There's nothing inherently safer about that. We want to be able to update the extension metadata repository separately from the main software, and if you were to use git pull instead of just getting the current version from the GitHub download endpoint, you'd have more of the history of the repository on your disk too (which is somewhat useless).

w-e-w commented 10 months ago

at this point I don't know what we're doing in the future but, as this only matter in your edge case where the internet and github is working but somehow github raw is not

for now you can set the env WEBUI_EXTENSIONS_INDEX to your local clone of the extension index

example clone the master brach of the index repo

git clone --depth 1 -b master https://github.com/AUTOMATIC1111/stable-diffusion-webui-extensions.git

note: the master brach is NOT the Default branch

then set the env in you launch script file example

set COMMANDLINE_ARGS=file:///B:\GitHub\stable-diffusion-webui-extensions\index.json`

the WEBUI_EXTENSIONS_INDEX changes the default URL in the UI point it to your local repo

when you wnat to update the index run git fetch you local index repo

ariexietrotiv commented 9 months ago

I have the same issue. Did anyone find a solution besides the one mentioned above?

ariexietrotiv commented 9 months ago

I found a solution for my case after seeing this video. https://www.youtube.com/watch?v=wR9QAMLUAa4&ab_channel=TechTech Everything is working perfectly.

@ivangarciafilho see if this works for you

Thank you