From 3d039591fe27770ac09ced99cc87cc126c5e62d0 Mon Sep 17 00:00:00 2001 From: lllyasviel Date: Sun, 11 Feb 2024 19:54:48 -0800 Subject: [PATCH] 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. --- ldm_patched/contrib/external.py | 4 +++- ldm_patched/contrib/external_canny.py | 4 +++- ldm_patched/contrib/external_clip_sdxl.py | 4 +++- ldm_patched/contrib/external_compositing.py | 4 +++- ldm_patched/contrib/external_custom_sampler.py | 4 +++- ldm_patched/contrib/external_hypernetwork.py | 4 +++- ldm_patched/contrib/external_images.py | 4 +++- ldm_patched/contrib/external_latent.py | 4 +++- ldm_patched/contrib/external_mask.py | 4 +++- ldm_patched/contrib/external_model_advanced.py | 4 +++- ldm_patched/contrib/external_model_downscale.py | 4 +++- ldm_patched/contrib/external_model_merging.py | 4 +++- ldm_patched/contrib/external_perpneg.py | 4 +++- ldm_patched/contrib/external_post_processing.py | 4 +++- ldm_patched/contrib/external_rebatch.py | 4 +++- ldm_patched/contrib/external_sdupscale.py | 4 +++- ldm_patched/contrib/external_tomesd.py | 4 +++- ldm_patched/contrib/external_upscale_model.py | 4 +++- ldm_patched/contrib/external_video_model.py | 4 +++- ldm_patched/k_diffusion/sampling.py | 4 ++++ ldm_patched/k_diffusion/utils.py | 4 ++++ ldm_patched/ldm/models/autoencoder.py | 7 +++++++ ldm_patched/ldm/modules/attention.py | 7 +++++++ ldm_patched/ldm/modules/diffusionmodules/model.py | 7 +++++++ ldm_patched/ldm/modules/diffusionmodules/openaimodel.py | 7 +++++++ ldm_patched/ldm/modules/diffusionmodules/upscaling.py | 8 ++++++++ ldm_patched/ldm/modules/diffusionmodules/util.py | 5 +++++ ldm_patched/ldm/modules/distributions/distributions.py | 4 ++++ ldm_patched/ldm/modules/ema.py | 9 +++++++++ ldm_patched/ldm/modules/encoders/noise_aug_modules.py | 4 ++++ ldm_patched/ldm/modules/temporal_ae.py | 7 +++++++ ldm_patched/ldm/util.py | 4 ++++ ldm_patched/modules/args_parser.py | 4 ++++ ldm_patched/modules/checkpoint_pickle.py | 4 ++++ ldm_patched/modules/clip_model.py | 4 ++++ ldm_patched/modules/clip_vision.py | 3 +++ ldm_patched/modules/conds.py | 4 ++++ ldm_patched/modules/controlnet.py | 4 ++++ ldm_patched/modules/diffusers_convert.py | 3 +++ ldm_patched/modules/diffusers_load.py | 2 ++ ldm_patched/modules/gligen.py | 4 ++++ ldm_patched/modules/latent_formats.py | 3 +++ ldm_patched/modules/lora.py | 4 ++++ ldm_patched/modules/model_base.py | 4 ++++ ldm_patched/modules/model_detection.py | 4 ++++ ldm_patched/modules/model_management.py | 4 ++++ ldm_patched/modules/model_patcher.py | 4 ++++ ldm_patched/modules/model_sampling.py | 4 ++++ ldm_patched/modules/ops.py | 4 ++++ ldm_patched/modules/options.py | 3 +++ ldm_patched/modules/sample.py | 4 ++++ ldm_patched/modules/samplers.py | 4 ++++ ldm_patched/modules/sd.py | 4 ++++ ldm_patched/modules/sd1_clip.py | 4 ++++ ldm_patched/modules/sd2_clip.py | 4 ++++ ldm_patched/modules/sdxl_clip.py | 4 ++++ ldm_patched/modules/supported_models.py | 3 +++ ldm_patched/modules/supported_models_base.py | 3 +++ ldm_patched/modules/utils.py | 4 ++++ ldm_patched/taesd/taesd.py | 3 +++ ldm_patched/unipc/uni_pc.py | 3 +++ ldm_patched/utils/latent_visualization.py | 3 +++ ldm_patched/utils/path_utils.py | 4 ++++ 63 files changed, 247 insertions(+), 19 deletions(-) diff --git a/ldm_patched/contrib/external.py b/ldm_patched/contrib/external.py index 35f698ff..86f533a6 100644 --- a/ldm_patched/contrib/external.py +++ b/ldm_patched/contrib/external.py @@ -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 diff --git a/ldm_patched/contrib/external_canny.py b/ldm_patched/contrib/external_canny.py index 42c22210..df7179c0 100644 --- a/ldm_patched/contrib/external_canny.py +++ b/ldm_patched/contrib/external_canny.py @@ -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 import math diff --git a/ldm_patched/contrib/external_clip_sdxl.py b/ldm_patched/contrib/external_clip_sdxl.py index 230321a8..ddd96433 100644 --- a/ldm_patched/contrib/external_clip_sdxl.py +++ b/ldm_patched/contrib/external_clip_sdxl.py @@ -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 from ldm_patched.contrib.external import MAX_RESOLUTION diff --git a/ldm_patched/contrib/external_compositing.py b/ldm_patched/contrib/external_compositing.py index 0cf91d9a..7241b167 100644 --- a/ldm_patched/contrib/external_compositing.py +++ b/ldm_patched/contrib/external_compositing.py @@ -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 torch diff --git a/ldm_patched/contrib/external_custom_sampler.py b/ldm_patched/contrib/external_custom_sampler.py index 8f92e841..4a1d53ef 100644 --- a/ldm_patched/contrib/external_custom_sampler.py +++ b/ldm_patched/contrib/external_custom_sampler.py @@ -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.sample diff --git a/ldm_patched/contrib/external_hypernetwork.py b/ldm_patched/contrib/external_hypernetwork.py index 17aaacb0..012f2ec2 100644 --- a/ldm_patched/contrib/external_hypernetwork.py +++ b/ldm_patched/contrib/external_hypernetwork.py @@ -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.utils.path_utils diff --git a/ldm_patched/contrib/external_images.py b/ldm_patched/contrib/external_images.py index 17e9c497..47921003 100644 --- a/ldm_patched/contrib/external_images.py +++ b/ldm_patched/contrib/external_images.py @@ -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.utils.path_utils diff --git a/ldm_patched/contrib/external_latent.py b/ldm_patched/contrib/external_latent.py index 7400c320..522c9bc6 100644 --- a/ldm_patched/contrib/external_latent.py +++ b/ldm_patched/contrib/external_latent.py @@ -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 torch diff --git a/ldm_patched/contrib/external_mask.py b/ldm_patched/contrib/external_mask.py index a86a7fe6..b6b4eb56 100644 --- a/ldm_patched/contrib/external_mask.py +++ b/ldm_patched/contrib/external_mask.py @@ -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 scipy.ndimage diff --git a/ldm_patched/contrib/external_model_advanced.py b/ldm_patched/contrib/external_model_advanced.py index 03a2f045..5758c03f 100644 --- a/ldm_patched/contrib/external_model_advanced.py +++ b/ldm_patched/contrib/external_model_advanced.py @@ -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.modules.sd diff --git a/ldm_patched/contrib/external_model_downscale.py b/ldm_patched/contrib/external_model_downscale.py index 4f1da54d..58a01d55 100644 --- a/ldm_patched/contrib/external_model_downscale.py +++ b/ldm_patched/contrib/external_model_downscale.py @@ -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 ldm_patched.modules.utils diff --git a/ldm_patched/contrib/external_model_merging.py b/ldm_patched/contrib/external_model_merging.py index ae8145d4..e99596bf 100644 --- a/ldm_patched/contrib/external_model_merging.py +++ b/ldm_patched/contrib/external_model_merging.py @@ -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.utils diff --git a/ldm_patched/contrib/external_perpneg.py b/ldm_patched/contrib/external_perpneg.py index ec91681f..f38eb096 100644 --- a/ldm_patched/contrib/external_perpneg.py +++ b/ldm_patched/contrib/external_perpneg.py @@ -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 ldm_patched.modules.model_management diff --git a/ldm_patched/contrib/external_post_processing.py b/ldm_patched/contrib/external_post_processing.py index 93cb1212..8e936d5d 100644 --- a/ldm_patched/contrib/external_post_processing.py +++ b/ldm_patched/contrib/external_post_processing.py @@ -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 torch diff --git a/ldm_patched/contrib/external_rebatch.py b/ldm_patched/contrib/external_rebatch.py index c24cc8c3..e3be702e 100644 --- a/ldm_patched/contrib/external_rebatch.py +++ b/ldm_patched/contrib/external_rebatch.py @@ -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 diff --git a/ldm_patched/contrib/external_sdupscale.py b/ldm_patched/contrib/external_sdupscale.py index 68153c47..0917fa1d 100644 --- a/ldm_patched/contrib/external_sdupscale.py +++ b/ldm_patched/contrib/external_sdupscale.py @@ -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 ldm_patched.contrib.external diff --git a/ldm_patched/contrib/external_tomesd.py b/ldm_patched/contrib/external_tomesd.py index b01d6910..111d3246 100644 --- a/ldm_patched/contrib/external_tomesd.py +++ b/ldm_patched/contrib/external_tomesd.py @@ -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 diff --git a/ldm_patched/contrib/external_upscale_model.py b/ldm_patched/contrib/external_upscale_model.py index 31d102f0..674d8561 100644 --- a/ldm_patched/contrib/external_upscale_model.py +++ b/ldm_patched/contrib/external_upscale_model.py @@ -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 from ldm_patched.pfn import model_loading diff --git a/ldm_patched/contrib/external_video_model.py b/ldm_patched/contrib/external_video_model.py index 503df0e1..35c741e0 100644 --- a/ldm_patched/contrib/external_video_model.py +++ b/ldm_patched/contrib/external_video_model.py @@ -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 torch diff --git a/ldm_patched/k_diffusion/sampling.py b/ldm_patched/k_diffusion/sampling.py index 761c2e0e..6f2fbea7 100644 --- a/ldm_patched/k_diffusion/sampling.py +++ b/ldm_patched/k_diffusion/sampling.py @@ -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 from scipy import integrate diff --git a/ldm_patched/k_diffusion/utils.py b/ldm_patched/k_diffusion/utils.py index a644df2f..ed317683 100644 --- a/ldm_patched/k_diffusion/utils.py +++ b/ldm_patched/k_diffusion/utils.py @@ -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 import hashlib import math diff --git a/ldm_patched/ldm/models/autoencoder.py b/ldm_patched/ldm/models/autoencoder.py index c809a0c3..fadefee8 100644 --- a/ldm_patched/ldm/models/autoencoder.py +++ b/ldm_patched/ldm/models/autoencoder.py @@ -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 pytorch_lightning as pl import torch.nn.functional as F diff --git a/ldm_patched/ldm/modules/attention.py b/ldm_patched/ldm/modules/attention.py index e10a868d..6bfa64f9 100644 --- a/ldm_patched/ldm/modules/attention.py +++ b/ldm_patched/ldm/modules/attention.py @@ -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 torch import torch.nn.functional as F diff --git a/ldm_patched/ldm/modules/diffusionmodules/model.py b/ldm_patched/ldm/modules/diffusionmodules/model.py index 1901145c..95b5052d 100644 --- a/ldm_patched/ldm/modules/diffusionmodules/model.py +++ b/ldm_patched/ldm/modules/diffusionmodules/model.py @@ -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 import math import torch diff --git a/ldm_patched/ldm/modules/diffusionmodules/openaimodel.py b/ldm_patched/ldm/modules/diffusionmodules/openaimodel.py index cf591290..9904e744 100644 --- a/ldm_patched/ldm/modules/diffusionmodules/openaimodel.py +++ b/ldm_patched/ldm/modules/diffusionmodules/openaimodel.py @@ -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 import torch as th diff --git a/ldm_patched/ldm/modules/diffusionmodules/upscaling.py b/ldm_patched/ldm/modules/diffusionmodules/upscaling.py index a38bff57..91407bf1 100644 --- a/ldm_patched/ldm/modules/diffusionmodules/upscaling.py +++ b/ldm_patched/ldm/modules/diffusionmodules/upscaling.py @@ -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.nn as nn import numpy as np diff --git a/ldm_patched/ldm/modules/diffusionmodules/util.py b/ldm_patched/ldm/modules/diffusionmodules/util.py index eeef837e..dcab58e5 100644 --- a/ldm_patched/ldm/modules/diffusionmodules/util.py +++ b/ldm_patched/ldm/modules/diffusionmodules/util.py @@ -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 # https://github.com/openai/improved-diffusion/blob/main/improved_diffusion/gaussian_diffusion.py # and diff --git a/ldm_patched/ldm/modules/distributions/distributions.py b/ldm_patched/ldm/modules/distributions/distributions.py index f2b8ef90..9f4b27f5 100644 --- a/ldm_patched/ldm/modules/distributions/distributions.py +++ b/ldm_patched/ldm/modules/distributions/distributions.py @@ -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 numpy as np diff --git a/ldm_patched/ldm/modules/ema.py b/ldm_patched/ldm/modules/ema.py index bded2501..58726bf1 100644 --- a/ldm_patched/ldm/modules/ema.py +++ b/ldm_patched/ldm/modules/ema.py @@ -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 from torch import nn diff --git a/ldm_patched/ldm/modules/encoders/noise_aug_modules.py b/ldm_patched/ldm/modules/encoders/noise_aug_modules.py index a5d86603..4ab769f8 100644 --- a/ldm_patched/ldm/modules/encoders/noise_aug_modules.py +++ b/ldm_patched/ldm/modules/encoders/noise_aug_modules.py @@ -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.openaimodel import Timestep import torch diff --git a/ldm_patched/ldm/modules/temporal_ae.py b/ldm_patched/ldm/modules/temporal_ae.py index ee851921..24fae1d3 100644 --- a/ldm_patched/ldm/modules/temporal_ae.py +++ b/ldm_patched/ldm/modules/temporal_ae.py @@ -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 from typing import Callable, Iterable, Union diff --git a/ldm_patched/ldm/util.py b/ldm_patched/ldm/util.py index 8c09ca1c..27424d8f 100644 --- a/ldm_patched/ldm/util.py +++ b/ldm_patched/ldm/util.py @@ -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 torch diff --git a/ldm_patched/modules/args_parser.py b/ldm_patched/modules/args_parser.py index a0d32c7a..766887a3 100644 --- a/ldm_patched/modules/args_parser.py +++ b/ldm_patched/modules/args_parser.py @@ -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 enum import ldm_patched.modules.options diff --git a/ldm_patched/modules/checkpoint_pickle.py b/ldm_patched/modules/checkpoint_pickle.py index 206551d3..782cac22 100644 --- a/ldm_patched/modules/checkpoint_pickle.py +++ b/ldm_patched/modules/checkpoint_pickle.py @@ -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 load = pickle.load diff --git a/ldm_patched/modules/clip_model.py b/ldm_patched/modules/clip_model.py index aceca86d..1c3fd11e 100644 --- a/ldm_patched/modules/clip_model.py +++ b/ldm_patched/modules/clip_model.py @@ -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 from ldm_patched.ldm.modules.attention import optimized_attention_for_device diff --git a/ldm_patched/modules/clip_vision.py b/ldm_patched/modules/clip_vision.py index affdb8b2..80355887 100644 --- a/ldm_patched/modules/clip_vision.py +++ b/ldm_patched/modules/clip_vision.py @@ -1,3 +1,6 @@ +# Taken from https://github.com/comfyanonymous/ComfyUI + + from .utils import load_torch_file, transformers_convert, state_dict_prefix_replace import os import torch diff --git a/ldm_patched/modules/conds.py b/ldm_patched/modules/conds.py index ed03bd64..fc69131e 100644 --- a/ldm_patched/modules/conds.py +++ b/ldm_patched/modules/conds.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch import math import ldm_patched.modules.utils diff --git a/ldm_patched/modules/controlnet.py b/ldm_patched/modules/controlnet.py index 8dd29bab..94d01cdf 100644 --- a/ldm_patched/modules/controlnet.py +++ b/ldm_patched/modules/controlnet.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch import math import os diff --git a/ldm_patched/modules/diffusers_convert.py b/ldm_patched/modules/diffusers_convert.py index a9eb9302..e3581bec 100644 --- a/ldm_patched/modules/diffusers_convert.py +++ b/ldm_patched/modules/diffusers_convert.py @@ -1,3 +1,6 @@ +# Taken from https://github.com/comfyanonymous/ComfyUI + + import re import torch diff --git a/ldm_patched/modules/diffusers_load.py b/ldm_patched/modules/diffusers_load.py index 62edc72b..b80f33f8 100644 --- a/ldm_patched/modules/diffusers_load.py +++ b/ldm_patched/modules/diffusers_load.py @@ -1,3 +1,5 @@ +# Taken from https://github.com/comfyanonymous/ComfyUI + import os import ldm_patched.modules.sd diff --git a/ldm_patched/modules/gligen.py b/ldm_patched/modules/gligen.py index 11f1ee93..8d289044 100644 --- a/ldm_patched/modules/gligen.py +++ b/ldm_patched/modules/gligen.py @@ -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 from torch import nn from ldm_patched.ldm.modules.attention import CrossAttention diff --git a/ldm_patched/modules/latent_formats.py b/ldm_patched/modules/latent_formats.py index 2252a075..fef90f2f 100644 --- a/ldm_patched/modules/latent_formats.py +++ b/ldm_patched/modules/latent_formats.py @@ -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: scale_factor = 1.0 diff --git a/ldm_patched/modules/lora.py b/ldm_patched/modules/lora.py index cc5a29da..7e78e65d 100644 --- a/ldm_patched/modules/lora.py +++ b/ldm_patched/modules/lora.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import ldm_patched.modules.utils LORA_CLIP_MAP = { diff --git a/ldm_patched/modules/model_base.py b/ldm_patched/modules/model_base.py index 9c69e98b..9e141294 100644 --- a/ldm_patched/modules/model_base.py +++ b/ldm_patched/modules/model_base.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch from ldm_patched.ldm.modules.diffusionmodules.openaimodel import UNetModel, Timestep from ldm_patched.ldm.modules.encoders.noise_aug_modules import CLIPEmbeddingNoiseAugmentation diff --git a/ldm_patched/modules/model_detection.py b/ldm_patched/modules/model_detection.py index 126386ca..3fa40cbb 100644 --- a/ldm_patched/modules/model_detection.py +++ b/ldm_patched/modules/model_detection.py @@ -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_base diff --git a/ldm_patched/modules/model_management.py b/ldm_patched/modules/model_management.py index 3a7caf15..e93b1e26 100644 --- a/ldm_patched/modules/model_management.py +++ b/ldm_patched/modules/model_management.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import time import psutil from enum import Enum diff --git a/ldm_patched/modules/model_patcher.py b/ldm_patched/modules/model_patcher.py index 794d06cb..fabbfaeb 100644 --- a/ldm_patched/modules/model_patcher.py +++ b/ldm_patched/modules/model_patcher.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch import copy import inspect diff --git a/ldm_patched/modules/model_sampling.py b/ldm_patched/modules/model_sampling.py index f39e275d..da5cc3a6 100644 --- a/ldm_patched/modules/model_sampling.py +++ b/ldm_patched/modules/model_sampling.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch import numpy as np from ldm_patched.ldm.modules.diffusionmodules.util import make_beta_schedule diff --git a/ldm_patched/modules/ops.py b/ldm_patched/modules/ops.py index c9926fd2..57eab3a8 100644 --- a/ldm_patched/modules/ops.py +++ b/ldm_patched/modules/ops.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch import ldm_patched.modules.model_management import contextlib diff --git a/ldm_patched/modules/options.py b/ldm_patched/modules/options.py index f7f8af41..83fd1247 100644 --- a/ldm_patched/modules/options.py +++ b/ldm_patched/modules/options.py @@ -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 diff --git a/ldm_patched/modules/sample.py b/ldm_patched/modules/sample.py index 0f483950..5d5ed694 100644 --- a/ldm_patched/modules/sample.py +++ b/ldm_patched/modules/sample.py @@ -1,3 +1,7 @@ +# 1st edit by https://github.com/comfyanonymous/ComfyUI +# 2nd edit by Forge Official + + import torch import ldm_patched.modules.model_management import ldm_patched.modules.samplers diff --git a/ldm_patched/modules/samplers.py b/ldm_patched/modules/samplers.py index 03a6329d..e8f53e13 100644 --- a/ldm_patched/modules/samplers.py +++ b/ldm_patched/modules/samplers.py @@ -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.unipc import uni_pc import torch diff --git a/ldm_patched/modules/sd.py b/ldm_patched/modules/sd.py index a8413307..254fa1e3 100644 --- a/ldm_patched/modules/sd.py +++ b/ldm_patched/modules/sd.py @@ -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 from ldm_patched.modules import model_management diff --git a/ldm_patched/modules/sd1_clip.py b/ldm_patched/modules/sd1_clip.py index a1cdec2e..5448f40b 100644 --- a/ldm_patched/modules/sd1_clip.py +++ b/ldm_patched/modules/sd1_clip.py @@ -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 from transformers import CLIPTokenizer diff --git a/ldm_patched/modules/sd2_clip.py b/ldm_patched/modules/sd2_clip.py index 41f9e388..2caec52b 100644 --- a/ldm_patched/modules/sd2_clip.py +++ b/ldm_patched/modules/sd2_clip.py @@ -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 import torch import os diff --git a/ldm_patched/modules/sdxl_clip.py b/ldm_patched/modules/sdxl_clip.py index 9d3d83d8..8839e7bb 100644 --- a/ldm_patched/modules/sdxl_clip.py +++ b/ldm_patched/modules/sdxl_clip.py @@ -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 import torch import os diff --git a/ldm_patched/modules/supported_models.py b/ldm_patched/modules/supported_models.py index 1d442d4d..de21c10d 100644 --- a/ldm_patched/modules/supported_models.py +++ b/ldm_patched/modules/supported_models.py @@ -1,3 +1,6 @@ +# Taken from https://github.com/comfyanonymous/ComfyUI + + import torch from . import model_base from . import utils diff --git a/ldm_patched/modules/supported_models_base.py b/ldm_patched/modules/supported_models_base.py index 58535a9f..e94420df 100644 --- a/ldm_patched/modules/supported_models_base.py +++ b/ldm_patched/modules/supported_models_base.py @@ -1,3 +1,6 @@ +# Taken from https://github.com/comfyanonymous/ComfyUI + + import torch from . import model_base from . import utils diff --git a/ldm_patched/modules/utils.py b/ldm_patched/modules/utils.py index 18259199..57bbb578 100644 --- a/ldm_patched/modules/utils.py +++ b/ldm_patched/modules/utils.py @@ -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 math import struct diff --git a/ldm_patched/taesd/taesd.py b/ldm_patched/taesd/taesd.py index 0b4b885f..ee9c9ed7 100644 --- a/ldm_patched/taesd/taesd.py +++ b/ldm_patched/taesd/taesd.py @@ -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 """ Tiny AutoEncoder for Stable Diffusion diff --git a/ldm_patched/unipc/uni_pc.py b/ldm_patched/unipc/uni_pc.py index 08bf0fc9..60a1be5d 100644 --- a/ldm_patched/unipc/uni_pc.py +++ b/ldm_patched/unipc/uni_pc.py @@ -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 import torch diff --git a/ldm_patched/utils/latent_visualization.py b/ldm_patched/utils/latent_visualization.py index a1ad403a..7d592897 100644 --- a/ldm_patched/utils/latent_visualization.py +++ b/ldm_patched/utils/latent_visualization.py @@ -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 from PIL import Image import struct diff --git a/ldm_patched/utils/path_utils.py b/ldm_patched/utils/path_utils.py index af96b523..07fca49a 100644 --- a/ldm_patched/utils/path_utils.py +++ b/ldm_patched/utils/path_utils.py @@ -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 time