DeekshithSH / Automatic-1111-WebUI-Colab

1 stars 2 forks source link

Not Working anymore #2

Open viik420 opened 1 year ago

viik420 commented 1 year ago

Successfully uninstalled torchaudio-2.0.2+cu118 Successfully installed portalocker-2.7.0 torch-1.13.1+cu117 torchaudio-0.13.1+cu117 torchdata-0.5.1 torchtext-0.14.1 torchvision-0.14.1+cu117 Python 3.10.12 (main, Jun 7 2023, 12:45:35) [GCC 9.4.0] Commit hash: 3715ece0adce7bf7c5e9c5ab3710b2fdc3848f39 Installing gfpgan Installing clip Installing open_clip Installing xformers Cloning Stable Diffusion into repositories/stable-diffusion-stability-ai... Cloning Taming Transformers into repositories/taming-transformers... Cloning K-diffusion into repositories/k-diffusion... Cloning CodeFormer into repositories/CodeFormer... Cloning BLIP into repositories/BLIP... Installing requirements for CodeFormer Installing requirements for Web UI Installing sd-webui-controlnet requirement: mediapipe Installing sd-webui-controlnet requirement: svglib Installing sd-webui-controlnet requirement: fvcore

Launching Web UI with arguments: --share --disable-safe-unpickle --no-half-vae --xformers --enable-insecure-extension-access 2023-07-08 20:20:56.465929: I tensorflow/core/platform/cpu_feature_guard.cc:182] This TensorFlow binary is optimized to use available CPU instructions in performance-critical operations. To enable the following instructions: AVX2 FMA, in other operations, rebuild TensorFlow with the appropriate compiler flags. 2023-07-08 20:20:58.182922: W tensorflow/compiler/tf2tensorrt/utils/py_utils.cc:38] TF-TRT Warning: Could not find TensorRT ╭───────────────────── Traceback (most recent call last) ──────────────────────╮ │ /content/stable-diffusion-webui/launch.py:361 in │ │ │ │ 358 │ │ 359 if name == "main": │ │ 360 │ prepare_environment() │ │ ❱ 361 │ start() │ │ 362 │ │ │ │ /content/stable-diffusion-webui/launch.py:352 in start │ │ │ │ 349 │ │ 350 def start(): │ │ 351 │ print(f"Launching {'API server' if '--nowebui' in sys.argv else 'W │ │ ❱ 352 │ import webui │ │ 353 │ if '--nowebui' in sys.argv: │ │ 354 │ │ webui.api_only() │ │ 355 │ else: │ │ │ │ /content/stable-diffusion-webui/webui.py:15 in │ │ │ │ 12 import logging │ │ 13 logging.getLogger("xformers").addFilter(lambda record: 'A matching Tri │ │ 14 │ │ ❱ 15 from modules import import_hook, errors, extra_networks, ui_extra_netw │ │ 16 from modules import extra_networks_hypernet, ui_extra_networks_hyperne │ │ 17 from modules.call_queue import wrap_queued_call, queue_lock, wrap_grad │ │ 18 │ │ │ │ /content/stable-diffusion-webui/modules/ui_extra_networks_checkpoints.py:6 │ │ in │ │ │ │ 3 import os │ │ 4 import urllib.parse │ │ 5 │ │ ❱ 6 from modules import shared, ui_extra_networks, sd_models │ │ 7 │ │ 8 │ │ 9 class ExtraNetworksPageCheckpoints(ui_extra_networks.ExtraNetworksPage) │ │ │ │ /content/stable-diffusion-webui/modules/sd_models.py:17 in │ │ │ │ 14 │ │ 15 from modules import paths, shared, modelloader, devices, script_callba │ │ 16 from modules.paths import models_path │ │ ❱ 17 from modules.sd_hijack_inpainting import do_inpainting_hijack │ │ 18 from modules.timer import Timer │ │ 19 │ │ 20 model_dir = "Stable-diffusion" │ │ │ │ /content/stable-diffusion-webui/modules/sd_hijack_inpainting.py:7 in │ │ │ │ │ │ 4 from einops import repeat │ │ 5 from omegaconf import ListConfig │ │ 6 │ │ ❱ 7 import ldm.models.diffusion.ddpm │ │ 8 import ldm.models.diffusion.ddim │ │ 9 import ldm.models.diffusion.plms │ │ 10 │ │ │ │ /content/stable-diffusion-webui/repositories/stable-diffusion-stability-ai/l │ │ dm/models/diffusion/ddpm.py:12 in │ │ │ │ 9 import torch │ │ 10 import torch.nn as nn │ │ 11 import numpy as np │ │ ❱ 12 import pytorch_lightning as pl │ │ 13 from torch.optim.lr_scheduler import LambdaLR │ │ 14 from einops import rearrange, repeat │ │ 15 from contextlib import contextmanager, nullcontext │ │ │ │ /usr/local/lib/python3.10/dist-packages/pytorch_lightning/init.py:34 in │ │ │ │ │ │ 31 │ _logger.addHandler(logging.StreamHandler()) │ │ 32 │ _logger.propagate = False │ │ 33 │ │ ❱ 34 from pytorch_lightning.callbacks import Callback # noqa: E402 │ │ 35 from pytorch_lightning.core import LightningDataModule, LightningModule │ │ 36 from pytorch_lightning.trainer import Trainer # noqa: E402 │ │ 37 from pytorch_lightning.utilities.seed import seed_everything # noqa: E │ │ │ │ /usr/local/lib/python3.10/dist-packages/pytorch_lightning/callbacks/init │ │ .py:25 in │ │ │ │ 22 from pytorch_lightning.callbacks.model_checkpoint import ModelCheckpoin │ │ 23 from pytorch_lightning.callbacks.model_summary import ModelSummary │ │ 24 from pytorch_lightning.callbacks.prediction_writer import BasePredictio │ │ ❱ 25 from pytorch_lightning.callbacks.progress import ProgressBarBase, RichP │ │ 26 from pytorch_lightning.callbacks.pruning import ModelPruning │ │ 27 from pytorch_lightning.callbacks.quantization import QuantizationAwareT │ │ 28 from pytorch_lightning.callbacks.rich_model_summary import RichModelSum │ │ │ │ /usr/local/lib/python3.10/dist-packages/pytorch_lightning/callbacks/progress │ │ /init.py:22 in │ │ │ │ 19 │ │ 20 """ │ │ 21 from pytorch_lightning.callbacks.progress.base import ProgressBarBase │ │ ❱ 22 from pytorch_lightning.callbacks.progress.rich_progress import RichProg │ │ 23 from pytorch_lightning.callbacks.progress.tqdm_progress import TQDMProg │ │ 24 │ │ │ │ /usr/local/lib/python3.10/dist-packages/pytorch_lightning/callbacks/progress │ │ /rich_progress.py:20 in │ │ │ │ 17 from datetime import timedelta │ │ 18 from typing import Any, Dict, Optional, Union │ │ 19 │ │ ❱ 20 from torchmetrics.utilities.imports import _compare_version │ │ 21 │ │ 22 import pytorch_lightning as pl │ │ 23 from pytorch_lightning.callbacks.progress.base import ProgressBarBase │ ╰──────────────────────────────────────────────────────────────────────────────╯ ImportError: cannot import name '_compare_version' from 'torchmetrics.utilities.imports' (/usr/local/lib/python3.10/dist-packages/torchmetrics/utilities/imports.py)

Wintercoffee1 commented 1 year ago

The same problem, any solution?