Skip to content

Commit

Permalink
Merge pull request AUTOMATIC1111#883 from Mikubill/lvmin
Browse files Browse the repository at this point in the history
better module
  • Loading branch information
lllyasviel authored Apr 18, 2023
2 parents ec956ed + 57b95a3 commit c05dd32
Show file tree
Hide file tree
Showing 15 changed files with 15 additions and 15 deletions.
2 changes: 1 addition & 1 deletion annotator/clip/__init__.py
Original file line number Diff line number Diff line change
@@ -1,7 +1,7 @@
from transformers import CLIPProcessor, CLIPVisionModel
from modules import devices
import os
from ..annotator_path import models_path
from annotator.annotator_path import models_path


remote_model_path = "https://huggingface.co/openai/clip-vit-large-patch14/resolve/main/pytorch_model.bin"
Expand Down
2 changes: 1 addition & 1 deletion annotator/hed/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@

import os
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path
from annotator.util import safe_step, nms

class Network(torch.nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion annotator/informative/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@

import os
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path

class Network(torch.nn.Module):
def __init__(self, model_path):
Expand Down
2 changes: 1 addition & 1 deletion annotator/keypose/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@

import os
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path

import mmcv
from mmdet.apis import inference_detector, init_detector
Expand Down
2 changes: 1 addition & 1 deletion annotator/leres/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
import torch
import os
from modules import devices, shared
from ..annotator_path import models_path
from annotator.annotator_path import models_path
from torchvision.transforms import transforms

# AdelaiDepth/LeReS imports
Expand Down
2 changes: 1 addition & 1 deletion annotator/lineart/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
import torch.nn as nn
from einops import rearrange
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path


norm_layer = nn.InstanceNorm2d
Expand Down
2 changes: 1 addition & 1 deletion annotator/lineart_anime/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
import cv2
from einops import rearrange
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path


class UnetGenerator(nn.Module):
Expand Down
2 changes: 1 addition & 1 deletion annotator/midas/api.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,7 @@
import torch
import torch.nn as nn
import os
from ..annotator_path import models_path
from annotator.annotator_path import models_path

from torchvision.transforms import Compose

Expand Down
2 changes: 1 addition & 1 deletion annotator/mlsd/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@
from .models.mbv2_mlsd_large import MobileV2_MLSD_Large
from .utils import pred_lines
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path

mlsdmodel = None
remote_model_path = "https://huggingface.co/lllyasviel/ControlNet/resolve/main/annotator/ckpts/mlsd_large_512_fp32.pth"
Expand Down
2 changes: 1 addition & 1 deletion annotator/normalbae/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -6,7 +6,7 @@
from einops import rearrange
from .models.NNET import NNET
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path
import torchvision.transforms as transforms


Expand Down
2 changes: 1 addition & 1 deletion annotator/oneformer/__init__.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,6 @@
import os
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path
from .api import make_detectron2_model, semantic_run


Expand Down
2 changes: 1 addition & 1 deletion annotator/openpose/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -8,7 +8,7 @@
from .hand import Hand
from .face import Face
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path

body_model_path = "https://huggingface.co/lllyasviel/Annotators/resolve/main/body_pose_model.pth"
hand_model_path = "https://huggingface.co/lllyasviel/Annotators/resolve/main/hand_pose_model.pth"
Expand Down
2 changes: 1 addition & 1 deletion annotator/pidinet/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -5,7 +5,7 @@
from annotator.pidinet.model import pidinet
from annotator.util import safe_step
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path
from scripts.utils import load_state_dict

netNetwork = None
Expand Down
2 changes: 1 addition & 1 deletion annotator/uniformer/__init__.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,5 @@
import os
from ..annotator_path import models_path
from annotator.annotator_path import models_path
from modules import devices
from annotator.uniformer.inference import init_segmentor, inference_segmentor, show_result_pyplot

Expand Down
2 changes: 1 addition & 1 deletion annotator/zoe/__init__.py
Original file line number Diff line number Diff line change
Expand Up @@ -7,7 +7,7 @@
from .zoedepth.models.zoedepth.zoedepth_v1 import ZoeDepth
from .zoedepth.utils.config import get_config
from modules import devices
from ..annotator_path import models_path
from annotator.annotator_path import models_path


class ZoeDetector:
Expand Down

0 comments on commit c05dd32

Please sign in to comment.