Expand head info in files

Previously before this commit, credits are already in entry and licenses are already in root. This commit will make info clearer.
This commit is contained in:
lllyasviel 2024-02-11 19:54:48 -08:00
parent 9c5038c766
commit 3d039591fe
63 changed files with 247 additions and 19 deletions

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
#From https://github.com/kornia/kornia #From https://github.com/kornia/kornia
import math import math

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
from ldm_patched.contrib.external import MAX_RESOLUTION from ldm_patched.contrib.external import MAX_RESOLUTION

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import numpy as np import numpy as np
import torch import torch

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.modules.samplers import ldm_patched.modules.samplers
import ldm_patched.modules.sample import ldm_patched.modules.sample

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.modules.utils import ldm_patched.modules.utils
import ldm_patched.utils.path_utils import ldm_patched.utils.path_utils

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.contrib.external import ldm_patched.contrib.external
import ldm_patched.utils.path_utils import ldm_patched.utils.path_utils

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.modules.utils import ldm_patched.modules.utils
import torch import torch

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import numpy as np import numpy as np
import scipy.ndimage import scipy.ndimage

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.utils.path_utils import ldm_patched.utils.path_utils
import ldm_patched.modules.sd import ldm_patched.modules.sd

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
import ldm_patched.modules.utils import ldm_patched.modules.utils

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.modules.sd import ldm_patched.modules.sd
import ldm_patched.modules.utils import ldm_patched.modules.utils

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
import ldm_patched.modules.model_management import ldm_patched.modules.model_management

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import numpy as np import numpy as np
import torch import torch

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
import ldm_patched.contrib.external import ldm_patched.contrib.external

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
#Taken from: https://github.com/dbolya/tomesd #Taken from: https://github.com/dbolya/tomesd

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import os import os
from ldm_patched.pfn import model_loading from ldm_patched.pfn import model_loading

View File

@ -1,4 +1,6 @@
# https://github.com/comfyanonymous/ComfyUI/blob/master/nodes.py # Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import ldm_patched.contrib.external import ldm_patched.contrib.external
import torch import torch

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import math import math
from scipy import integrate from scipy import integrate

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
from contextlib import contextmanager from contextlib import contextmanager
import hashlib import hashlib
import math import math

View File

@ -1,3 +1,10 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# 4th edit by https://github.com/comfyanonymous/ComfyUI
# 5th edit by Forge
import torch import torch
# import pytorch_lightning as pl # import pytorch_lightning as pl
import torch.nn.functional as F import torch.nn.functional as F

View File

@ -1,3 +1,10 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# 4th edit by https://github.com/comfyanonymous/ComfyUI
# 5th edit by Forge
import math import math
import torch import torch
import torch.nn.functional as F import torch.nn.functional as F

View File

@ -1,3 +1,10 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# 4th edit by https://github.com/comfyanonymous/ComfyUI
# 5th edit by Forge
# pytorch_diffusion + derived encoder decoder # pytorch_diffusion + derived encoder decoder
import math import math
import torch import torch

View File

@ -1,3 +1,10 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# 4th edit by https://github.com/comfyanonymous/ComfyUI
# 5th edit by Forge
from abc import abstractmethod from abc import abstractmethod
import torch as th import torch as th

View File

@ -1,3 +1,11 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# 4th edit by https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
import torch.nn as nn import torch.nn as nn
import numpy as np import numpy as np

View File

@ -1,3 +1,8 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# adopted from # adopted from
# https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py # https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py
# and # and

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
import torch import torch
import numpy as np import numpy as np

View File

@ -1,3 +1,12 @@
# 1st edit by https://github.com/CompVis/latent-diffusion
# 2nd edit by https://github.com/Stability-AI/stablediffusion
# 3rd edit by https://github.com/Stability-AI/generative-models
# 4th edit by https://github.com/comfyanonymous/ComfyUI
# This file is not used in image diffusion backend.
import torch import torch
from torch import nn from torch import nn

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
from ..diffusionmodules.upscaling import ImageConcatWithNoiseAugmentation from ..diffusionmodules.upscaling import ImageConcatWithNoiseAugmentation
from ..diffusionmodules.openaimodel import Timestep from ..diffusionmodules.openaimodel import Timestep
import torch import torch

View File

@ -1,3 +1,10 @@
# 1st edit by https://github.com/Stability-AI/generative-models
# 2nd edit by https://github.com/comfyanonymous/ComfyUI
# 3rd edit by Forge
# This file is not used in image diffusion backend. (but used in SVD.)
import functools import functools
from typing import Callable, Iterable, Union from typing import Callable, Iterable, Union

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import importlib import importlib
import torch import torch

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import argparse import argparse
import enum import enum
import ldm_patched.modules.options import ldm_patched.modules.options

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import pickle import pickle
load = pickle.load load = pickle.load

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
from ldm_patched.ldm.modules.attention import optimized_attention_for_device from ldm_patched.ldm.modules.attention import optimized_attention_for_device

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
from .utils import load_torch_file, transformers_convert, state_dict_prefix_replace from .utils import load_torch_file, transformers_convert, state_dict_prefix_replace
import os import os
import torch import torch

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
import math import math
import ldm_patched.modules.utils import ldm_patched.modules.utils

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
import math import math
import os import os

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
import re import re
import torch import torch

View File

@ -1,3 +1,5 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
import os import os
import ldm_patched.modules.sd import ldm_patched.modules.sd

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
from torch import nn from torch import nn
from ldm_patched.ldm.modules.attention import CrossAttention from ldm_patched.ldm.modules.attention import CrossAttention

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
class LatentFormat: class LatentFormat:
scale_factor = 1.0 scale_factor = 1.0

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import ldm_patched.modules.utils import ldm_patched.modules.utils
LORA_CLIP_MAP = { LORA_CLIP_MAP = {

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
from ldm_patched.ldm.modules.diffusionmodules.openaimodel import UNetModel, Timestep from ldm_patched.ldm.modules.diffusionmodules.openaimodel import UNetModel, Timestep
from ldm_patched.ldm.modules.encoders.noise_aug_modules import CLIPEmbeddingNoiseAugmentation from ldm_patched.ldm.modules.encoders.noise_aug_modules import CLIPEmbeddingNoiseAugmentation

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import ldm_patched.modules.supported_models import ldm_patched.modules.supported_models
import ldm_patched.modules.supported_models_base import ldm_patched.modules.supported_models_base

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import time import time
import psutil import psutil
from enum import Enum from enum import Enum

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
import copy import copy
import inspect import inspect

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
import numpy as np import numpy as np
from ldm_patched.ldm.modules.diffusionmodules.util import make_beta_schedule from ldm_patched.ldm.modules.diffusionmodules.util import make_beta_schedule

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
import ldm_patched.modules.model_management import ldm_patched.modules.model_management
import contextlib import contextlib

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
args_parsing = False args_parsing = False

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
import torch import torch
import ldm_patched.modules.model_management import ldm_patched.modules.model_management
import ldm_patched.modules.samplers import ldm_patched.modules.samplers

View File

@ -1,3 +1,7 @@
# 1st edit by https://github.com/comfyanonymous/ComfyUI
# 2nd edit by Forge Official
from ldm_patched.k_diffusion import sampling as k_diffusion_sampling from ldm_patched.k_diffusion import sampling as k_diffusion_sampling
from ldm_patched.unipc import uni_pc from ldm_patched.unipc import uni_pc
import torch import torch

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
from ldm_patched.modules import model_management from ldm_patched.modules import model_management

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import os import os
from transformers import CLIPTokenizer from transformers import CLIPTokenizer

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
from ldm_patched.modules import sd1_clip from ldm_patched.modules import sd1_clip
import torch import torch
import os import os

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
from ldm_patched.modules import sd1_clip from ldm_patched.modules import sd1_clip
import torch import torch
import os import os

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
import torch import torch
from . import model_base from . import model_base
from . import utils from . import utils

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
import torch import torch
from . import model_base from . import model_base
from . import utils from . import utils

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
import math import math
import struct import struct

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
#!/usr/bin/env python3 #!/usr/bin/env python3
""" """
Tiny AutoEncoder for Stable Diffusion Tiny AutoEncoder for Stable Diffusion

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
#code taken from: https://github.com/wl-zhao/UniPC and modified #code taken from: https://github.com/wl-zhao/UniPC and modified
import torch import torch

View File

@ -1,3 +1,6 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import torch import torch
from PIL import Image from PIL import Image
import struct import struct

View File

@ -1,3 +1,7 @@
# Taken from https://github.com/comfyanonymous/ComfyUI
# This file is only for reference, and not used in the backend or runtime.
import os import os
import time import time