AUTOMATIC1111 / stable-diffusion-webui

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

[Bug]: TypeError: Commit.__init__() missing 2 required positional arguments: 'repo' and 'binsha' #14139

Closed RedMaxxss closed 10 months ago

RedMaxxss commented 10 months ago

Is there an existing issue for this?

What happened?

Trying to install the extension gives the following error: TypeError: Commit.init() missing 2 required positional arguments: 'repo' and 'binsha'

Removing the half installed folder and trying again give the same issue. image_2023-11-28_163900037

Steps to reproduce the problem

  1. Go to extensions
  2. Install any extension

What should have happened?

Extension should have installed

Sysinfo

{ "Platform": "Windows-10-10.0.19045-SP0", "Python": "3.10.0rc2", "Version": "v1.6.0-2-g4afaaf8a", "Commit": "4afaaf8a020c1df457bcf7250cb1c7f609699fa7", "Script path": "E:\Programas\AI\stable-diffusion-webui", "Data path": "E:\Programas\AI\stable-diffusion-webui", "Extensions dir": "E:\Programas\AI\stable-diffusion-webui\extensions", "Checksum": "e76ce9fadb43d46e5aabda7aef32db84569070f6758f7e8a4e9fe50aa956e557", "Commandline": [ "launch.py", "--xformers", "--medvram", "--theme", "dark", "--autolaunch", "--no-half" ], "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 10 Pro", "libc_version": "N/A", "python_version": "3.10.0rc2 (tags/v3.10.0rc2:839d789, Sep 7 2021, 18:51:45) [MSC v.1929 64 bit (AMD64)] (64-bit runtime)", "python_platform": "Windows-10-10.0.19045-SP0", "is_cuda_available": "True", "cuda_runtime_version": null, "cuda_module_loading": "LAZY", "nvidia_driver_version": "546.17", "nvidia_gpu_models": "GPU 0: NVIDIA GeForce GTX 1660 SUPER", "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=3600", "DeviceID=CPU0", "Family=107", "L2CacheSize=3072", "L2CacheSpeed=", "Manufacturer=AuthenticAMD", "MaxClockSpeed=3600", "Name=AMD Ryzen 5 3600 6-Core Processor ", "ProcessorType=3", "Revision=28928" ] }, "Exceptions": [ { "exception": "Commit.init() missing 2 required positional arguments: 'repo' and 'binsha'", "traceback": [ [ "E:\Programas\AI\stable-diffusion-webui\modules\call_queue.py, line 57, f", "res = list(func(*args, kwargs))" ], [ "E:\Programas\AI\stable-diffusion-webui\modules\ui_extensions.py, line 397, install_extension_from_index", "ext_table, message = install_extension_from_url(None, url)" ], [ "E:\Programas\AI\stable-diffusion-webui\modules\ui_extensions.py, line 369, install_extension_from_url", "for submodule in repo.submodules:" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\base.py, line 422, submodules", "return Submodule.list_items(self)" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\util.py, line 1189, list_items", "out_list.extend(cls.iter_items(repo, *args, *kwargs))" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\submodule\base.py, line 1373, iter_items", "pc = repo.commit(parent_commit) # parent commit instance" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\base.py, line 614, commit", "return self.rev_parse(str(rev) + \"^0\")" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\fun.py, line 250, rev_parse", "obj = cast(Commit_ish, name_to_object(repo, rev[:start]))" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\fun.py, line 187, name_to_object", "return Object.new_from_sha(repo, hex_to_bin(hexsha))" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\base.py, line 95, new_from_sha", "inst = get_object_type_by_name(oinfo.type)(repo, oinfo.binsha)" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\commit.py, line 146, init", "super(Commit, self).init(repo, binsha)" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\base.py, line 63, init", "super(Object, self).init()" ], [ "E:\Programas\Python\lib\typing.py, line 1422, _no_init_or_replace_init", "cls.init(self, args, kwargs)" ] ] }, { "exception": "Cmd('git') failed due to: exit code(128)\n cmdline: git clone -v --filter=blob:none -- https://github.com/Mikubill/sd-webui-controlnet.git E:\Programas\AI\stable-diffusion-webui\tmp\sd-webui-controlnet\n stderr: 'fatal: destination path 'E:\Programas\AI\stable-diffusion-webui\tmp\sd-webui-controlnet' already exists and is not an empty directory.\n'", "traceback": [ [ "E:\Programas\AI\stable-diffusion-webui\modules\call_queue.py, line 57, f", "res = list(func(args, kwargs))" ], [ "E:\Programas\AI\stable-diffusion-webui\modules\ui_extensions.py, line 397, install_extension_from_index", "ext_table, message = install_extension_from_url(None, url)" ], [ "E:\Programas\AI\stable-diffusion-webui\modules\ui_extensions.py, line 367, install_extension_from_url", "with git.Repo.clone_from(url, tmpdir, filter=['blob:none']) as repo:" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\base.py, line 1327, clone_from", "return cls._clone(" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\base.py, line 1236, _clone", "finalize_process(proc, stderr=stderr)" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\util.py, line 419, finalize_process", "proc.wait(kwargs)" ], [ "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\cmd.py, line 604, wait", "raise GitCommandError(remove_password_if_present(self.args), status, errstr)" ] ] } ], "CPU": { "model": "AMD64 Family 23 Model 113 Stepping 0, AuthenticAMD", "count logical": 12, "count physical": 6 }, "RAM": { "total": "16GB", "used": "11GB", "free": "4GB" }, "Extensions": [], "Inactive extensions": [], "Environment": { "COMMANDLINE_ARGS": "--xformers --medvram --theme dark --autolaunch --no-half", "GRADIO_ANALYTICS_ENABLED": "False" }, "Config": { "samples_save": true, "samples_format": "png", "samples_filename_pattern": "", "save_images_add_number": true, "grid_save": false, "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": true, "save_images_before_highres_fix": true, "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": "galenaREDUX_v30.safetensors [fb79f124fb]", "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": 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_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", "sd_vae" ], "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": "fb79f124fba6b845e1a26b0d0dfe6b526966798d369214902cfacd5fb5445b7c", "ldsr_steps": 100, "ldsr_cached": false, "SCUNET_tile": 256, "SCUNET_tile_overlap": 8, "SWIN_tile": 192, "SWIN_tile_overlap": 8, "lora_functional": false, "sd_lora": "None", "lora_preferred_name": "Alias from file", "lora_add_hashes_to_infotext": true, "lora_show_all": false, "lora_hide_unknown_for_versions": [], "lora_in_memory_limit": 0, "extra_options_txt2img": [], "extra_options_img2img": [], "extra_options_cols": 1, "extra_options_accordion": false, "canvas_hotkey_zoom": "Alt", "canvas_hotkey_adjust": "Ctrl", "canvas_hotkey_move": "F", "canvas_hotkey_fullscreen": "S", "canvas_hotkey_reset": "R", "canvas_hotkey_overlap": "O", "canvas_show_tooltip": true, "canvas_auto_expand": true, "canvas_blur_prompt": false, "canvas_disabled_functions": [ "Overlap" ] }, "Startup": { "total": 11.008018732070923, "records": { "initial startup": 0.0020008087158203125, "prepare environment/checks": 0.013002872467041016, "prepare environment/git version info": 0.05101156234741211, "prepare environment/torch GPU test": 2.414207696914673, "prepare environment/clone repositores": 0.17022967338562012, "prepare environment/run extensions installers": 0.012001991271972656, "prepare environment": 2.7146410942077637, "launcher": 0.002000570297241211, "import torch": 3.301781415939331, "import gradio": 0.9984452724456787, "setup paths": 0.8789136409759521, "import ldm": 0.006000518798828125, "import sgm": 0.0, "initialize shared": 0.3005201816558838, "other imports": 0.615370512008667, "opts onchange": 0.0010004043579101562, "setup SD model": 0.0009999275207519531, "setup codeformer": 0.11651086807250977, "setup gfpgan": 0.020038843154907227, "set samplers": 0.0, "list extensions": 0.0, "restore config state file": 0.0, "list SD models": 0.011002540588378906, "list localizations": 0.0, "load scripts/custom_code.py": 0.002000570297241211, "load scripts/img2imgalt.py": 0.0, "load scripts/loopback.py": 0.0010004043579101562, "load scripts/outpainting_mk_2.py": 0.0, "load scripts/poor_mans_outpainting.py": 0.0, "load scripts/postprocessing_codeformer.py": 0.0, "load scripts/postprocessing_gfpgan.py": 0.0010001659393310547, "load scripts/postprocessing_upscale.py": 0.0, "load scripts/prompt_matrix.py": 0.0, "load scripts/prompts_from_file.py": 0.0010001659393310547, "load scripts/refiner.py": 0.0, "load scripts/sd_upscale.py": 0.0, "load scripts/seed.py": 0.0, "load scripts/xyz_grid.py": 0.0020003318786621094, "load scripts/ldsr_model.py": 0.8017022609710693, "load scripts/lora_script.py": 0.12032151222229004, "load scripts/scunet_model.py": 0.027005434036254883, "load scripts/swinir_model.py": 0.024005889892578125, "load scripts/hotkey_config.py": 0.0, "load scripts/extra_options_section.py": 0.0010001659393310547, "load scripts": 0.981036901473999, "load upscalers": 0.008002042770385742, "refresh VAE": 0.0010001659393310547, "refresh textual inversion templates": 0.0010001659393310547, "scripts list_optimizers": 0.0, "scripts list_unets": 0.0, "reload hypernetworks": 0.004000663757324219, "initialize extra networks": 0.011002779006958008, "scripts before_ui_callback": 0.0010004043579101562, "create ui": 0.547264575958252, "gradio launch": 0.5302953720092773, "add APIs": 0.014377355575561523, "app_started_callback/lora_script.py": 0.0, "app_started_callback": 0.0 } }, "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.1", "aiosignal==1.3.1", "altair==5.2.0", "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.2.0", "facexlib==0.3.0", "fastapi==0.94.0", "ffmpy==0.3.1", "filelock==3.13.1", "filterpy==1.4.5", "fonttools==4.45.1", "frozenlist==1.4.0", "fsspec==2023.10.0", "ftfy==6.1.3", "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.6", "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==21.2.3", "platformdirs==4.0.0", "protobuf==3.20.0", "psutil==5.9.5", "pyasn1-modules==0.3.0", "pyasn1==0.5.1", "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==57.4.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.0a20231128", "tensorboard-data-server==0.7.2", "tf-keras-nightly==2.16.0.dev2023112810", "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.12", "websockets==11.0.3", "werkzeug==3.0.1", "xformers==0.0.20", "yapf==0.40.2", "yarl==1.9.3", "zipp==3.17.0" ] }

What browsers do you use to access the UI ?

Other

Console logs

*** Error completing request
*** Arguments: ('https://github.com/Mikubill/sd-webui-controlnet.git', ['ads', 'localization', 'installed'], 0, 'controlnet') {}
    Traceback (most recent call last):
      File "E:\Programas\AI\stable-diffusion-webui\modules\call_queue.py", line 57, in f
        res = list(func(*args, **kwargs))
      File "E:\Programas\AI\stable-diffusion-webui\modules\ui_extensions.py", line 397, in install_extension_from_index
        ext_table, message = install_extension_from_url(None, url)
      File "E:\Programas\AI\stable-diffusion-webui\modules\ui_extensions.py", line 369, in install_extension_from_url
        for submodule in repo.submodules:
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\base.py", line 422, in submodules
        return Submodule.list_items(self)
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\util.py", line 1189, in list_items
        out_list.extend(cls.iter_items(repo, *args, **kwargs))
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\submodule\base.py", line 1373, in iter_items
        pc = repo.commit(parent_commit)  # parent commit instance
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\base.py", line 614, in commit
        return self.rev_parse(str(rev) + "^0")
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\fun.py", line 250, in rev_parse
        obj = cast(Commit_ish, name_to_object(repo, rev[:start]))
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\repo\fun.py", line 187, in name_to_object
        return Object.new_from_sha(repo, hex_to_bin(hexsha))
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\base.py", line 95, in new_from_sha
        inst = get_object_type_by_name(oinfo.type)(repo, oinfo.binsha)
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\commit.py", line 146, in __init__
        super(Commit, self).__init__(repo, binsha)
      File "E:\Programas\AI\stable-diffusion-webui\venv\lib\site-packages\git\objects\base.py", line 63, in __init__
        super(Object, self).__init__()
      File "E:\Programas\Python\lib\typing.py", line 1422, in _no_init_or_replace_init
        cls.__init__(self, *args, **kwargs)
    TypeError: Commit.__init__() missing 2 required positional arguments: 'repo' and 'binsha'

Additional information

No response

catboxanon commented 10 months ago

Known bug with your specific version of Python install. https://github.com/gitpython-developers/GitPython/issues/1341

Use the correct version of Python as listed in the README (3.10.6). https://www.python.org/downloads/release/python-3106/