Skip to content

Commit

Permalink
Remove some unused imports.
Browse files Browse the repository at this point in the history
  • Loading branch information
comfyanonymous committed May 27, 2024
1 parent 34030fe commit 0920e0e
Show file tree
Hide file tree
Showing 10 changed files with 2 additions and 16 deletions.
1 change: 0 additions & 1 deletion comfy/ldm/cascade/stage_b.py
Original file line number Diff line number Diff line change
Expand Up @@ -17,7 +17,6 @@
"""

import math
import numpy as np
import torch
from torch import nn
from .common import AttnBlock, LayerNorm2d_op, ResBlock, FeedForwardBlock, TimestepBlock
Expand Down
1 change: 0 additions & 1 deletion comfy/ldm/cascade/stage_c.py
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,6 @@

import torch
from torch import nn
import numpy as np
import math
from .common import AttnBlock, LayerNorm2d_op, ResBlock, FeedForwardBlock, TimestepBlock
# from .controlnet import ControlNetDeliverer
Expand Down
2 changes: 0 additions & 2 deletions comfy/ldm/models/autoencoder.py
Original file line number Diff line number Diff line change
@@ -1,6 +1,4 @@
import torch
# import pytorch_lightning as pl
import torch.nn.functional as F
from contextlib import contextmanager
from typing import Any, Dict, List, Optional, Tuple, Union

Expand Down
2 changes: 1 addition & 1 deletion comfy/ldm/modules/attention.py
Original file line number Diff line number Diff line change
Expand Up @@ -3,7 +3,7 @@
import torch.nn.functional as F
from torch import nn, einsum
from einops import rearrange, repeat
from typing import Optional, Any
from typing import Optional
import logging

from .diffusionmodules.util import AlphaBlender, timestep_embedding
Expand Down
1 change: 0 additions & 1 deletion comfy/model_management.py
Original file line number Diff line number Diff line change
Expand Up @@ -2,7 +2,6 @@
import logging
from enum import Enum
from comfy.cli_args import args
import comfy.utils
import torch
import sys
import platform
Expand Down
1 change: 0 additions & 1 deletion comfy/sd.py
Original file line number Diff line number Diff line change
Expand Up @@ -14,7 +14,6 @@
from . import clip_vision
from . import gligen
from . import diffusers_convert
from . import model_base
from . import model_detection

from . import sd1_clip
Expand Down
1 change: 0 additions & 1 deletion comfy/sd2_clip.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
from comfy import sd1_clip
import torch
import os

class SD2ClipHModel(sd1_clip.SDClipModel):
Expand Down
7 changes: 1 addition & 6 deletions comfy_extras/nodes_canny.py
Original file line number Diff line number Diff line change
@@ -1,10 +1,5 @@
import math

import torch
import torch.nn.functional as F
import comfy.model_management

from kornia.filters import canny
import comfy.model_management


class Canny:
Expand Down
1 change: 0 additions & 1 deletion comfy_extras/nodes_sag.py
Original file line number Diff line number Diff line change
Expand Up @@ -4,7 +4,6 @@
import math

from einops import rearrange, repeat
import os
from comfy.ldm.modules.attention import optimized_attention
import comfy.samplers

Expand Down
1 change: 0 additions & 1 deletion comfy_extras/nodes_sdupscale.py
Original file line number Diff line number Diff line change
@@ -1,5 +1,4 @@
import torch
import nodes
import comfy.utils

class SD_4XUpscale_Conditioning:
Expand Down

0 comments on commit 0920e0e

Please sign in to comment.