diff --git a/CODEOWNERS b/CODEOWNERS
index 802cb28c0..cce0373b3 100644
--- a/CODEOWNERS
+++ b/CODEOWNERS
@@ -15,6 +15,7 @@
# Python web server
/api_server/ @yoland68 @robinjhuang @huchenlei @webfiltered @pythongosssss @ltdrdata
/app/ @yoland68 @robinjhuang @huchenlei @webfiltered @pythongosssss @ltdrdata
+/utils/ @yoland68 @robinjhuang @huchenlei @webfiltered @pythongosssss @ltdrdata
# Frontend assets
/web/ @huchenlei @webfiltered @pythongosssss @yoland68 @robinjhuang
diff --git a/README.md b/README.md
index ff013ddea..0a37661a9 100644
--- a/README.md
+++ b/README.md
@@ -34,6 +34,7 @@ A vanilla, up-to-date fork of [ComfyUI](https://github.com/comfyanonymous/comfyu
- [Mochi](https://comfyanonymous.github.io/ComfyUI_examples/mochi/)
- [LTX-Video](https://comfyanonymous.github.io/ComfyUI_examples/ltxv/)
- [Hunyuan Video](https://comfyanonymous.github.io/ComfyUI_examples/hunyuan_video/)
+ - [Nvidia Cosmos](https://comfyanonymous.github.io/ComfyUI_examples/cosmos/)
- [Stable Audio](https://comfyanonymous.github.io/ComfyUI_examples/audio/)
- Asynchronous Queue system
- Many optimizations: Only re-executes the parts of the workflow that changes between executions.
diff --git a/comfy/app/custom_node_manager.py b/comfy/app/custom_node_manager.py
index e7bcbd7f5..ba488b2a3 100644
--- a/comfy/app/custom_node_manager.py
+++ b/comfy/app/custom_node_manager.py
@@ -4,6 +4,31 @@ import os
from ..cmd import folder_paths
import glob
from aiohttp import web
+import json
+import logging
+from functools import lru_cache
+
+from ..json_util import merge_json_recursive
+
+# Extra locale files to load into main.json
+EXTRA_LOCALE_FILES = [
+ "nodeDefs.json",
+ "commands.json",
+ "settings.json",
+]
+
+
+def safe_load_json_file(file_path: str) -> dict:
+ if not os.path.exists(file_path):
+ return {}
+
+ try:
+ with open(file_path, "r", encoding="utf-8") as f:
+ return json.load(f)
+ except json.JSONDecodeError:
+ logging.error(f"Error loading {file_path}")
+ return {}
+
from ..execution_context import context_folder_names_and_paths
@@ -12,10 +37,70 @@ class CustomNodeManager:
def __init__(self):
# binds to context at init time
self.folder_paths = folder_paths.folder_names_and_paths
- """
- Placeholder to refactor the custom node management features from ComfyUI-Manager.
- Currently it only contains the custom workflow templates feature.
- """
+
+ def build_translations(self):
+ with context_folder_names_and_paths(self.folder_paths):
+ return self._build_translations()
+
+ @lru_cache(maxsize=1)
+ def _build_translations(self):
+ """Load all custom nodes translations during initialization. Translations are
+ expected to be loaded from `locales/` folder.
+
+ The folder structure is expected to be the following:
+ - custom_nodes/
+ - custom_node_1/
+ - locales/
+ - en/
+ - main.json
+ - commands.json
+ - settings.json
+
+ returned translations are expected to be in the following format:
+ {
+ "en": {
+ "nodeDefs": {...},
+ "commands": {...},
+ "settings": {...},
+ ...{other main.json keys}
+ }
+ }
+ """
+
+ translations = {}
+
+ for folder in folder_paths.get_folder_paths("custom_nodes"):
+ # Sort glob results for deterministic ordering
+ for custom_node_dir in sorted(glob.glob(os.path.join(folder, "*/"))):
+ locales_dir = os.path.join(custom_node_dir, "locales")
+ if not os.path.exists(locales_dir):
+ continue
+
+ for lang_dir in glob.glob(os.path.join(locales_dir, "*/")):
+ lang_code = os.path.basename(os.path.dirname(lang_dir))
+
+ if lang_code not in translations:
+ translations[lang_code] = {}
+
+ # Load main.json
+ main_file = os.path.join(lang_dir, "main.json")
+ node_translations = safe_load_json_file(main_file)
+
+ # Load extra locale files
+ for extra_file in EXTRA_LOCALE_FILES:
+ extra_file_path = os.path.join(lang_dir, extra_file)
+ key = extra_file.split(".")[0]
+ json_data = safe_load_json_file(extra_file_path)
+ if json_data:
+ node_translations[key] = json_data
+
+ if node_translations:
+ translations[lang_code] = merge_json_recursive(
+ translations[lang_code], node_translations
+ )
+
+ return translations
+
def add_routes(self, routes, webapp, loadedModules):
@routes.get("/workflow_templates")
@@ -27,15 +112,32 @@ class CustomNodeManager:
for folder in folder_paths.get_folder_paths("custom_nodes")
for file in glob.glob(os.path.join(folder, '*/example_workflows/*.json'))
]
- workflow_templates_dict = {} # custom_nodes folder name -> example workflow names
+ workflow_templates_dict = (
+ {}
+ ) # custom_nodes folder name -> example workflow names
for file in files:
- custom_nodes_name = os.path.basename(os.path.dirname(os.path.dirname(file)))
+ custom_nodes_name = os.path.basename(
+ os.path.dirname(os.path.dirname(file))
+ )
workflow_name = os.path.splitext(os.path.basename(file))[0]
- workflow_templates_dict.setdefault(custom_nodes_name, []).append(workflow_name)
+ workflow_templates_dict.setdefault(custom_nodes_name, []).append(
+ workflow_name
+ )
return web.json_response(workflow_templates_dict)
# Serve workflow templates from custom nodes.
for module_name, module_dir in loadedModules:
- workflows_dir = os.path.join(module_dir, 'example_workflows')
+ workflows_dir = os.path.join(module_dir, "example_workflows")
if os.path.exists(workflows_dir):
- webapp.add_routes([web.static('/api/workflow_templates/' + module_name, workflows_dir)])
+ webapp.add_routes(
+ [
+ web.static(
+ "/api/workflow_templates/" + module_name, workflows_dir
+ )
+ ]
+ )
+
+ @routes.get("/i18n")
+ async def get_i18n(request):
+ """Returns translations from all custom nodes' locales folders."""
+ return web.json_response(self.build_translations())
diff --git a/comfy/cmd/latent_preview.py b/comfy/cmd/latent_preview.py
index af958d734..503ed0c0d 100644
--- a/comfy/cmd/latent_preview.py
+++ b/comfy/cmd/latent_preview.py
@@ -22,7 +22,10 @@ MAX_PREVIEW_RESOLUTION = args.preview_size
def preview_to_image(latent_image) -> Image:
latents_ubyte = (((latent_image + 1.0) / 2.0).clamp(0, 1) # change scale from -1..1 to 0..1
.mul(0xFF) # to 0..255
- ).to(device="cpu", dtype=torch.uint8, non_blocking=model_management.device_supports_non_blocking(latent_image.device))
+ )
+ if comfy.model_management.directml_enabled:
+ latents_ubyte = latents_ubyte.to(dtype=torch.uint8)
+ latents_ubyte = latents_ubyte.to(device="cpu", dtype=torch.uint8, non_blocking=model_management.device_supports_non_blocking(latent_image.device))
return Image.fromarray(latents_ubyte.numpy())
diff --git a/comfy/cmd/server.py b/comfy/cmd/server.py
index 26c98961a..32d7ce51a 100644
--- a/comfy/cmd/server.py
+++ b/comfy/cmd/server.py
@@ -365,6 +365,9 @@ class PromptServer(ExecutorToClientProgress):
original_ref = json.loads(post.get("original_ref"))
filename, output_dir = folder_paths.annotated_filepath(original_ref['filename'])
+ if not filename:
+ return web.Response(status=400)
+
# validation for security: prevent accessing arbitrary path
if filename[0] == '/' or '..' in filename:
return web.Response(status=400)
@@ -404,6 +407,10 @@ class PromptServer(ExecutorToClientProgress):
async def view_image(request):
if "filename" in request.rel_url.query:
filename = request.rel_url.query["filename"]
+
+ if not filename:
+ return web.Response(status=400)
+
type = request.rel_url.query.get("type", "output")
subfolder = request.rel_url.query["subfolder"] if "subfolder" in request.rel_url.query else None
diff --git a/comfy/conds.py b/comfy/conds.py
index 1317469ab..5a86754bd 100644
--- a/comfy/conds.py
+++ b/comfy/conds.py
@@ -1,11 +1,10 @@
-import torch
import math
+
+import torch
+
from . import utils
-def lcm(a, b): #TODO: eventually replace by math.lcm (added in python3.9)
- return abs(a*b) // math.gcd(a, b)
-
class CONDRegular:
def __init__(self, cond):
self.cond = cond
@@ -27,6 +26,7 @@ class CONDRegular:
conds.append(x.cond)
return torch.cat(conds)
+
class CONDNoiseShape(CONDRegular):
def process_cond(self, batch_size, device, area, **kwargs):
data = self.cond
@@ -43,12 +43,12 @@ class CONDCrossAttn(CONDRegular):
s1 = self.cond.shape
s2 = other.cond.shape
if s1 != s2:
- if s1[0] != s2[0] or s1[2] != s2[2]: #these 2 cases should not happen
+ if s1[0] != s2[0] or s1[2] != s2[2]: # these 2 cases should not happen
return False
- mult_min = lcm(s1[1], s2[1])
+ mult_min = math.lcm(s1[1], s2[1])
diff = mult_min // min(s1[1], s2[1])
- if diff > 4: #arbitrary limit on the padding because it's probably going to impact performance negatively if it's too much
+ if diff > 4: # arbitrary limit on the padding because it's probably going to impact performance negatively if it's too much
return False
return True
@@ -57,16 +57,17 @@ class CONDCrossAttn(CONDRegular):
crossattn_max_len = self.cond.shape[1]
for x in others:
c = x.cond
- crossattn_max_len = lcm(crossattn_max_len, c.shape[1])
+ crossattn_max_len = math.lcm(crossattn_max_len, c.shape[1])
conds.append(c)
out = []
for c in conds:
if c.shape[1] < crossattn_max_len:
- c = c.repeat(1, crossattn_max_len // c.shape[1], 1) #padding with repeat doesn't change result
+ c = c.repeat(1, crossattn_max_len // c.shape[1], 1) # padding with repeat doesn't change result
out.append(c)
return torch.cat(out)
+
class CONDConstant(CONDRegular):
def __init__(self, cond):
self.cond = cond
diff --git a/comfy/diffusers_convert.py b/comfy/diffusers_convert.py
index 26e8d96d5..fb9495348 100644
--- a/comfy/diffusers_convert.py
+++ b/comfy/diffusers_convert.py
@@ -4,105 +4,6 @@ import logging
# conversion code from https://github.com/huggingface/diffusers/blob/main/scripts/convert_diffusers_to_original_stable_diffusion.py
-# =================#
-# UNet Conversion #
-# =================#
-
-unet_conversion_map = [
- # (stable-diffusion, HF Diffusers)
- ("time_embed.0.weight", "time_embedding.linear_1.weight"),
- ("time_embed.0.bias", "time_embedding.linear_1.bias"),
- ("time_embed.2.weight", "time_embedding.linear_2.weight"),
- ("time_embed.2.bias", "time_embedding.linear_2.bias"),
- ("input_blocks.0.0.weight", "conv_in.weight"),
- ("input_blocks.0.0.bias", "conv_in.bias"),
- ("out.0.weight", "conv_norm_out.weight"),
- ("out.0.bias", "conv_norm_out.bias"),
- ("out.2.weight", "conv_out.weight"),
- ("out.2.bias", "conv_out.bias"),
-]
-
-unet_conversion_map_resnet = [
- # (stable-diffusion, HF Diffusers)
- ("in_layers.0", "norm1"),
- ("in_layers.2", "conv1"),
- ("out_layers.0", "norm2"),
- ("out_layers.3", "conv2"),
- ("emb_layers.1", "time_emb_proj"),
- ("skip_connection", "conv_shortcut"),
-]
-
-unet_conversion_map_layer = []
-# hardcoded number of downblocks and resnets/attentions...
-# would need smarter logic for other networks.
-for i in range(4):
- # loop over downblocks/upblocks
-
- for j in range(2):
- # loop over resnets/attentions for downblocks
- hf_down_res_prefix = f"down_blocks.{i}.resnets.{j}."
- sd_down_res_prefix = f"input_blocks.{3 * i + j + 1}.0."
- unet_conversion_map_layer.append((sd_down_res_prefix, hf_down_res_prefix))
-
- if i < 3:
- # no attention layers in down_blocks.3
- hf_down_atn_prefix = f"down_blocks.{i}.attentions.{j}."
- sd_down_atn_prefix = f"input_blocks.{3 * i + j + 1}.1."
- unet_conversion_map_layer.append((sd_down_atn_prefix, hf_down_atn_prefix))
-
- for j in range(3):
- # loop over resnets/attentions for upblocks
- hf_up_res_prefix = f"up_blocks.{i}.resnets.{j}."
- sd_up_res_prefix = f"output_blocks.{3 * i + j}.0."
- unet_conversion_map_layer.append((sd_up_res_prefix, hf_up_res_prefix))
-
- if i > 0:
- # no attention layers in up_blocks.0
- hf_up_atn_prefix = f"up_blocks.{i}.attentions.{j}."
- sd_up_atn_prefix = f"output_blocks.{3 * i + j}.1."
- unet_conversion_map_layer.append((sd_up_atn_prefix, hf_up_atn_prefix))
-
- if i < 3:
- # no downsample in down_blocks.3
- hf_downsample_prefix = f"down_blocks.{i}.downsamplers.0.conv."
- sd_downsample_prefix = f"input_blocks.{3 * (i + 1)}.0.op."
- unet_conversion_map_layer.append((sd_downsample_prefix, hf_downsample_prefix))
-
- # no upsample in up_blocks.3
- hf_upsample_prefix = f"up_blocks.{i}.upsamplers.0."
- sd_upsample_prefix = f"output_blocks.{3 * i + 2}.{1 if i == 0 else 2}."
- unet_conversion_map_layer.append((sd_upsample_prefix, hf_upsample_prefix))
-
-hf_mid_atn_prefix = "mid_block.attentions.0."
-sd_mid_atn_prefix = "middle_block.1."
-unet_conversion_map_layer.append((sd_mid_atn_prefix, hf_mid_atn_prefix))
-
-for j in range(2):
- hf_mid_res_prefix = f"mid_block.resnets.{j}."
- sd_mid_res_prefix = f"middle_block.{2 * j}."
- unet_conversion_map_layer.append((sd_mid_res_prefix, hf_mid_res_prefix))
-
-
-def convert_unet_state_dict(unet_state_dict):
- # buyer beware: this is a *brittle* function,
- # and correct output requires that all of these pieces interact in
- # the exact order in which I have arranged them.
- mapping = {k: k for k in unet_state_dict.keys()}
- for sd_name, hf_name in unet_conversion_map:
- mapping[hf_name] = sd_name
- for k, v in mapping.items():
- if "resnets" in k:
- for sd_part, hf_part in unet_conversion_map_resnet:
- v = v.replace(hf_part, sd_part)
- mapping[k] = v
- for k, v in mapping.items():
- for sd_part, hf_part in unet_conversion_map_layer:
- v = v.replace(hf_part, sd_part)
- mapping[k] = v
- new_state_dict = {v: unet_state_dict[k] for k, v in mapping.items()}
- return new_state_dict
-
-
# ================#
# VAE Conversion #
# ================#
@@ -213,6 +114,7 @@ textenc_pattern = re.compile("|".join(protected.keys()))
# Ordering is from https://github.com/pytorch/pytorch/blob/master/test/cpp/api/modules.cpp
code2idx = {"q": 0, "k": 1, "v": 2}
+
# This function exists because at the time of writing torch.cat can't do fp8 with cuda
def cat_tensors(tensors):
x = 0
@@ -229,6 +131,7 @@ def cat_tensors(tensors):
return out
+
def convert_text_enc_state_dict_v20(text_enc_dict, prefix=""):
new_state_dict = {}
capture_qkv_weight = {}
@@ -284,5 +187,3 @@ def convert_text_enc_state_dict_v20(text_enc_dict, prefix=""):
def convert_text_enc_state_dict(text_enc_dict):
return text_enc_dict
-
-
diff --git a/comfy/extra_samplers/uni_pc.py b/comfy/extra_samplers/uni_pc.py
index 5b744705c..476172b3b 100644
--- a/comfy/extra_samplers/uni_pc.py
+++ b/comfy/extra_samplers/uni_pc.py
@@ -665,7 +665,7 @@ class UniPC:
if x_t is None:
if use_predictor:
- pred_res = torch.einsum('k,bkchw->bchw', rhos_p, D1s)
+ pred_res = torch.tensordot(D1s, rhos_p, dims=([1], [0])) # torch.einsum('k,bkchw->bchw', rhos_p, D1s)
else:
pred_res = 0
x_t = x_t_ - expand_dims(alpha_t * B_h, dims) * pred_res
@@ -673,7 +673,7 @@ class UniPC:
if use_corrector:
model_t = self.model_fn(x_t, t)
if D1s is not None:
- corr_res = torch.einsum('k,bkchw->bchw', rhos_c[:-1], D1s)
+ corr_res = torch.tensordot(D1s, rhos_c[:-1], dims=([1], [0])) # torch.einsum('k,bkchw->bchw', rhos_c[:-1], D1s)
else:
corr_res = 0
D1_t = (model_t - model_prev_0)
diff --git a/comfy/json_util.py b/comfy/json_util.py
new file mode 100644
index 000000000..da45af4f7
--- /dev/null
+++ b/comfy/json_util.py
@@ -0,0 +1,26 @@
+def merge_json_recursive(base, update):
+ """Recursively merge two JSON-like objects.
+ - Dictionaries are merged recursively
+ - Lists are concatenated
+ - Other types are overwritten by the update value
+
+ Args:
+ base: Base JSON-like object
+ update: Update JSON-like object to merge into base
+
+ Returns:
+ Merged JSON-like object
+ """
+ if not isinstance(base, dict) or not isinstance(update, dict):
+ if isinstance(base, list) and isinstance(update, list):
+ return base + update
+ return update
+
+ merged = base.copy()
+ for key, value in update.items():
+ if key in merged:
+ merged[key] = merge_json_recursive(merged[key], value)
+ else:
+ merged[key] = value
+
+ return merged
diff --git a/comfy/k_diffusion/sampling.py b/comfy/k_diffusion/sampling.py
index 3fc12a126..6b6909a70 100644
--- a/comfy/k_diffusion/sampling.py
+++ b/comfy/k_diffusion/sampling.py
@@ -41,7 +41,7 @@ def get_sigmas_polyexponential(n, sigma_min, sigma_max, rho=1., device='cpu'):
def get_sigmas_vp(n, beta_d=19.9, beta_min=0.1, eps_s=1e-3, device='cpu'):
"""Constructs a continuous VP noise schedule."""
t = torch.linspace(1, eps_s, n, device=device)
- sigmas = torch.sqrt(torch.exp(beta_d * t ** 2 / 2 + beta_min * t) - 1)
+ sigmas = torch.sqrt(torch.special.expm1(beta_d * t ** 2 / 2 + beta_min * t))
return append_zero(sigmas)
@@ -1380,3 +1380,26 @@ def sample_res_multistep(model, x, sigmas, extra_args=None, callback=None, disab
@torch.no_grad()
def sample_res_multistep_cfg_pp(model, x, sigmas, extra_args=None, callback=None, disable=None, s_churn=0., s_tmin=0., s_tmax=float('inf'), s_noise=1., noise_sampler=None):
return res_multistep(model, x, sigmas, extra_args=extra_args, callback=callback, disable=disable, s_churn=s_churn, s_tmin=s_tmin, s_tmax=s_tmax, s_noise=s_noise, noise_sampler=noise_sampler, cfg_pp=True)
+
+@torch.no_grad()
+def sample_gradient_estimation(model, x, sigmas, extra_args=None, callback=None, disable=None, ge_gamma=2.):
+ """Gradient-estimation sampler. Paper: https://openreview.net/pdf?id=o2ND9v0CeK"""
+ extra_args = {} if extra_args is None else extra_args
+ s_in = x.new_ones([x.shape[0]])
+ old_d = None
+
+ for i in trange(len(sigmas) - 1, disable=disable):
+ denoised = model(x, sigmas[i] * s_in, **extra_args)
+ d = to_d(x, sigmas[i], denoised)
+ if callback is not None:
+ callback({'x': x, 'i': i, 'sigma': sigmas[i], 'sigma_hat': sigmas[i], 'denoised': denoised})
+ dt = sigmas[i + 1] - sigmas[i]
+ if i == 0:
+ # Euler method
+ x = x + d * dt
+ else:
+ # Gradient estimation
+ d_bar = ge_gamma * d + (1 - ge_gamma) * old_d
+ x = x + d_bar * dt
+ old_d = d
+ return x
diff --git a/comfy/ldm/cosmos/model.py b/comfy/ldm/cosmos/model.py
index 7863a9903..7cf0dc2b6 100644
--- a/comfy/ldm/cosmos/model.py
+++ b/comfy/ldm/cosmos/model.py
@@ -293,7 +293,7 @@ class GeneralDIT(nn.Module):
x_B_T_H_W_D = self.x_embedder(x_B_C_T_H_W)
if self.extra_per_block_abs_pos_emb:
- extra_pos_emb = self.extra_pos_embedder(x_B_T_H_W_D, fps=fps, device=x_B_C_T_H_W.device)
+ extra_pos_emb = self.extra_pos_embedder(x_B_T_H_W_D, fps=fps, device=x_B_C_T_H_W.device, dtype=x_B_C_T_H_W.dtype)
else:
extra_pos_emb = None
diff --git a/comfy/ldm/cosmos/position_embedding.py b/comfy/ldm/cosmos/position_embedding.py
index cf45ab0e3..4d6a58dba 100644
--- a/comfy/ldm/cosmos/position_embedding.py
+++ b/comfy/ldm/cosmos/position_embedding.py
@@ -41,12 +41,12 @@ def normalize(x: torch.Tensor, dim: Optional[List[int]] = None, eps: float = 0)
class VideoPositionEmb(nn.Module):
- def forward(self, x_B_T_H_W_C: torch.Tensor, fps=Optional[torch.Tensor], device=None) -> torch.Tensor:
+ def forward(self, x_B_T_H_W_C: torch.Tensor, fps=Optional[torch.Tensor], device=None, dtype=None) -> torch.Tensor:
"""
It delegates the embedding generation to generate_embeddings function.
"""
B_T_H_W_C = x_B_T_H_W_C.shape
- embeddings = self.generate_embeddings(B_T_H_W_C, fps=fps, device=device)
+ embeddings = self.generate_embeddings(B_T_H_W_C, fps=fps, device=device, dtype=dtype)
return embeddings
@@ -104,6 +104,7 @@ class VideoRopePosition3DEmb(VideoPositionEmb):
w_ntk_factor: Optional[float] = None,
t_ntk_factor: Optional[float] = None,
device=None,
+ dtype=None,
):
"""
Generate embeddings for the given input size.
@@ -189,13 +190,12 @@ class LearnablePosEmbAxis(VideoPositionEmb):
self.pos_emb_w = nn.Parameter(torch.empty(len_w, model_channels, device=device, dtype=dtype))
self.pos_emb_t = nn.Parameter(torch.empty(len_t, model_channels, device=device, dtype=dtype))
-
- def generate_embeddings(self, B_T_H_W_C: torch.Size, fps=Optional[torch.Tensor], device=None) -> torch.Tensor:
+ def generate_embeddings(self, B_T_H_W_C: torch.Size, fps=Optional[torch.Tensor], device=None, dtype=None) -> torch.Tensor:
B, T, H, W, _ = B_T_H_W_C
if self.interpolation == "crop":
- emb_h_H = self.pos_emb_h[:H].to(device=device)
- emb_w_W = self.pos_emb_w[:W].to(device=device)
- emb_t_T = self.pos_emb_t[:T].to(device=device)
+ emb_h_H = self.pos_emb_h[:H].to(device=device, dtype=dtype)
+ emb_w_W = self.pos_emb_w[:W].to(device=device, dtype=dtype)
+ emb_t_T = self.pos_emb_t[:T].to(device=device, dtype=dtype)
emb = (
repeat(emb_t_T, "t d-> b t h w d", b=B, h=H, w=W)
+ repeat(emb_h_H, "h d-> b t h w d", b=B, t=T, w=W)
diff --git a/comfy/ldm/cosmos/vae.py b/comfy/ldm/cosmos/vae.py
index 219b0f32f..3e70a785b 100644
--- a/comfy/ldm/cosmos/vae.py
+++ b/comfy/ldm/cosmos/vae.py
@@ -18,6 +18,7 @@ import logging
import torch
from torch import nn
from enum import Enum
+import math
from .cosmos_tokenizer.layers3d import (
EncoderFactorized,
@@ -105,17 +106,23 @@ class CausalContinuousVideoTokenizer(nn.Module):
z, posteriors = self.distribution(moments)
latent_ch = z.shape[1]
latent_t = z.shape[2]
- dtype = z.dtype
- mean = self.latent_mean.view(latent_ch, -1)[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=dtype, device=z.device) # pylint: disable=unsubscriptable-object
- std = self.latent_std.view(latent_ch, -1)[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=dtype, device=z.device) # pylint: disable=unsubscriptable-object
+ in_dtype = z.dtype
+ mean = self.latent_mean.view(latent_ch, -1)
+ std = self.latent_std.view(latent_ch, -1)
+
+ mean = mean.repeat(1, math.ceil(latent_t / mean.shape[-1]))[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=in_dtype, device=z.device) # pylint: disable=unsubscriptable-object
+ std = std.repeat(1, math.ceil(latent_t / std.shape[-1]))[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=in_dtype, device=z.device) # pylint: disable=unsubscriptable-object
return ((z - mean) / std) * self.sigma_data
def decode(self, z):
in_dtype = z.dtype
latent_ch = z.shape[1]
latent_t = z.shape[2]
- mean = self.latent_mean.view(latent_ch, -1)[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=in_dtype, device=z.device) # pylint: disable=unsubscriptable-object
- std = self.latent_std.view(latent_ch, -1)[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=in_dtype, device=z.device) # pylint: disable=unsubscriptable-object
+ mean = self.latent_mean.view(latent_ch, -1)
+ std = self.latent_std.view(latent_ch, -1)
+
+ mean = mean.repeat(1, math.ceil(latent_t / mean.shape[-1]))[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=in_dtype, device=z.device) # pylint: disable=unsubscriptable-object
+ std = std.repeat(1, math.ceil(latent_t / std.shape[-1]))[:, : latent_t].reshape([1, latent_ch, -1, 1, 1]).to(dtype=in_dtype, device=z.device) # pylint: disable=unsubscriptable-object
z = z / self.sigma_data
z = z * std + mean
diff --git a/comfy/ldm/flux/model.py b/comfy/ldm/flux/model.py
index 1a6f02042..4e638b7f3 100644
--- a/comfy/ldm/flux/model.py
+++ b/comfy/ldm/flux/model.py
@@ -111,9 +111,8 @@ class Flux(nn.Module):
img = self.img_in(img)
vec = self.time_in(timestep_embedding(timesteps, 256).to(img.dtype))
if self.params.guidance_embed:
- if guidance is None:
- raise ValueError("Didn't get guidance strength for guidance distilled model.")
- vec = vec + self.guidance_in(timestep_embedding(guidance, 256).to(img.dtype))
+ if guidance is not None:
+ vec = vec + self.guidance_in(timestep_embedding(guidance, 256).to(img.dtype))
vec = vec + self.vector_in(y[:, :self.params.vec_in_dim])
txt = self.txt_in(txt)
@@ -188,7 +187,7 @@ class Flux(nn.Module):
img = self.final_layer(img, vec) # (N, T, patch_size ** 2 * out_channels)
return img
- def forward(self, x, timestep, context, y, guidance, control=None, transformer_options={}, **kwargs):
+ def forward(self, x, timestep, context, y, guidance=None, control=None, transformer_options={}, **kwargs):
bs, c, h, w = x.shape
patch_size = self.patch_size
x = common_dit.pad_to_patch_size(x, (patch_size, patch_size))
diff --git a/comfy/ldm/hunyuan_video/model.py b/comfy/ldm/hunyuan_video/model.py
index 6a8d7882a..17b8ac60e 100644
--- a/comfy/ldm/hunyuan_video/model.py
+++ b/comfy/ldm/hunyuan_video/model.py
@@ -231,9 +231,8 @@ class HunyuanVideo(nn.Module):
vec = vec + self.vector_in(y[:, :self.params.vec_in_dim])
if self.params.guidance_embed:
- if guidance is None:
- raise ValueError("Didn't get guidance strength for guidance distilled model.")
- vec = vec + self.guidance_in(timestep_embedding(guidance, 256).to(img.dtype))
+ if guidance is not None:
+ vec = vec + self.guidance_in(timestep_embedding(guidance, 256).to(img.dtype))
if txt_mask is not None and not torch.is_floating_point(txt_mask):
txt_mask = (txt_mask - 1).to(img.dtype) * torch.finfo(img.dtype).max
@@ -305,7 +304,7 @@ class HunyuanVideo(nn.Module):
img = img.reshape(initial_shape)
return img
- def forward(self, x, timestep, context, y, guidance, attention_mask=None, control=None, transformer_options={}, **kwargs):
+ def forward(self, x, timestep, context, y, guidance=None, attention_mask=None, control=None, transformer_options={}, **kwargs):
bs, c, t, h, w = x.shape
patch_size = self.patch_size
t_len = ((t + (patch_size[0] // 2)) // patch_size[0])
diff --git a/comfy/ldm/modules/diffusionmodules/model.py b/comfy/ldm/modules/diffusionmodules/model.py
index b4165932d..61a21803c 100644
--- a/comfy/ldm/modules/diffusionmodules/model.py
+++ b/comfy/ldm/modules/diffusionmodules/model.py
@@ -1,7 +1,6 @@
# pytorch_diffusion + derived encoder decoder
import logging
import math
-
import numpy as np
import torch
import torch.nn as nn
@@ -712,9 +711,6 @@ class Decoder(nn.Module):
padding=1)
def forward(self, z, **kwargs):
- # assert z.shape[1:] == self.z_shape[1:]
- self.last_z_shape = z.shape
-
# timestep embedding
temb = None
diff --git a/comfy/model_base.py b/comfy/model_base.py
index 53524a364..23f0777f7 100644
--- a/comfy/model_base.py
+++ b/comfy/model_base.py
@@ -164,7 +164,9 @@ class BaseModel(torch.nn.Module):
xc = xc.to(dtype)
t = self.model_sampling.timestep(t).float()
- context = context.to(dtype)
+ if context is not None:
+ context = context.to(dtype)
+
extra_conds = {}
for o in kwargs:
extra = kwargs[o]
@@ -575,6 +577,10 @@ class SD_X4Upscaler(BaseModel):
out['c_concat'] = conds.CONDNoiseShape(image)
out['y'] = conds.CONDRegular(noise_level)
+
+ cross_attn = kwargs.get("cross_attn", None)
+ if cross_attn is not None:
+ out['c_crossattn'] = comfy.conds.CONDCrossAttn(cross_attn)
return out
@@ -838,7 +844,10 @@ class Flux(BaseModel):
(h_tok, w_tok) = (math.ceil(shape[2] / self.diffusion_model.patch_size), math.ceil(shape[3] / self.diffusion_model.patch_size))
attention_mask = utils.upscale_dit_mask(attention_mask, mask_ref_size, (h_tok, w_tok))
out['attention_mask'] = conds.CONDRegular(attention_mask)
- out['guidance'] = conds.CONDRegular(torch.FloatTensor([kwargs.get("guidance", 3.5)]))
+
+ guidance = kwargs.get("guidance", 3.5)
+ if guidance is not None:
+ out['guidance'] = conds.CONDRegular(torch.FloatTensor([guidance]))
return out
@@ -898,7 +907,10 @@ class HunyuanVideo(BaseModel):
cross_attn = kwargs.get("cross_attn", None)
if cross_attn is not None:
out['c_crossattn'] = conds.CONDRegular(cross_attn)
- out['guidance'] = conds.CONDRegular(torch.FloatTensor([kwargs.get("guidance", 6.0)]))
+
+ guidance = kwargs.get("guidance", 6.0)
+ if guidance is not None:
+ out['guidance'] = conds.CONDRegular(torch.FloatTensor([guidance]))
return out
diff --git a/comfy/model_management.py b/comfy/model_management.py
index 12525fac7..e0ccca1a8 100644
--- a/comfy/model_management.py
+++ b/comfy/model_management.py
@@ -259,7 +259,7 @@ def is_amd():
MIN_WEIGHT_MEMORY_RATIO = 0.4
if is_nvidia():
- MIN_WEIGHT_MEMORY_RATIO = 0.2
+ MIN_WEIGHT_MEMORY_RATIO = 0.1
ENABLE_PYTORCH_ATTENTION = False
if args.use_pytorch_cross_attention:
@@ -616,14 +616,11 @@ def _load_models_gpu(models: Sequence[ModelManageable], memory_required: int = 0
vram_set_state = vram_state
lowvram_model_memory = 0
if lowvram_available and (vram_set_state == VRAMState.LOW_VRAM or vram_set_state == VRAMState.NORMAL_VRAM) and not force_full_load:
- model_size = loaded_model.model_memory_required(torch_dev)
loaded_memory = loaded_model.model_loaded_memory()
current_free_mem = get_free_memory(torch_dev) + loaded_memory
lowvram_model_memory = max(64 * 1024 * 1024, (current_free_mem - minimum_memory_required), min(current_free_mem * MIN_WEIGHT_MEMORY_RATIO, current_free_mem - minimum_inference_memory()))
lowvram_model_memory = max(0.1, lowvram_model_memory - loaded_memory)
- if model_size <= lowvram_model_memory: # only switch to lowvram if really necessary
- lowvram_model_memory = 0
if vram_set_state == VRAMState.NO_VRAM:
lowvram_model_memory = 0.1
diff --git a/comfy/nodes/base_nodes.py b/comfy/nodes/base_nodes.py
index de3df8e03..201655507 100644
--- a/comfy/nodes/base_nodes.py
+++ b/comfy/nodes/base_nodes.py
@@ -64,6 +64,8 @@ class CLIPTextEncode(ComfyNodeABC):
DESCRIPTION = "Encodes a text prompt using a CLIP model into an embedding that can be used to guide the diffusion model towards generating specific images."
def encode(self, clip, text):
+ if clip is None:
+ raise RuntimeError("ERROR: clip input is invalid: None\n\nIf the clip is from a checkpoint loader node your checkpoint does not contain a valid clip or text encoder model.")
tokens = clip.tokenize(text)
return (clip.encode_from_tokens_scheduled(tokens), )
@@ -970,6 +972,8 @@ class CLIPLoader:
clip_type = sd.CLIPType.LTXV
elif type == "pixart":
clip_type = sd.CLIPType.PIXART
+ elif type == "cosmos":
+ clip_type = comfy.sd.CLIPType.COSMOS
else:
logging.warning(f"Unknown clip type argument passed: {type} for model {clip_name}")
diff --git a/comfy/sampler_helpers.py b/comfy/sampler_helpers.py
index e3f6b8ee2..8ae248934 100644
--- a/comfy/sampler_helpers.py
+++ b/comfy/sampler_helpers.py
@@ -62,7 +62,6 @@ def convert_cond(cond):
temp = c[1].copy()
model_conds = temp.get("model_conds", {})
if c[0] is not None:
- model_conds["c_crossattn"] = conds.CONDCrossAttn(c[0]) # TODO: remove
temp["cross_attn"] = c[0]
temp["model_conds"] = model_conds
temp["uuid"] = uuid.uuid4()
diff --git a/comfy/samplers.py b/comfy/samplers.py
index 2af594925..b969dcd76 100644
--- a/comfy/samplers.py
+++ b/comfy/samplers.py
@@ -724,7 +724,7 @@ class Sampler:
KSAMPLER_NAMES = ["euler", "euler_cfg_pp", "euler_ancestral", "euler_ancestral_cfg_pp", "heun", "heunpp2", "dpm_2", "dpm_2_ancestral",
"lms", "dpm_fast", "dpm_adaptive", "dpmpp_2s_ancestral", "dpmpp_2s_ancestral_cfg_pp", "dpmpp_sde", "dpmpp_sde_gpu",
"dpmpp_2m", "dpmpp_2m_cfg_pp", "dpmpp_2m_sde", "dpmpp_2m_sde_gpu", "dpmpp_3m_sde", "dpmpp_3m_sde_gpu", "ddpm", "lcm",
- "ipndm", "ipndm_v", "deis", "res_multistep", "res_multistep_cfg_pp"]
+ "ipndm", "ipndm_v", "deis", "res_multistep", "res_multistep_cfg_pp", "gradient_estimation"]
class KSAMPLER(Sampler):
diff --git a/comfy/utils.py b/comfy/utils.py
index 84d1d0c9d..2a2eb964e 100644
--- a/comfy/utils.py
+++ b/comfy/utils.py
@@ -65,6 +65,9 @@ if hasattr(torch.serialization, "add_safe_globals"): # TODO: this was added in
torch.serialization.add_safe_globals([ModelCheckpoint, scalar, dtype, Float64DType, encode])
ALWAYS_SAFE_LOAD = True
logging.debug("Checkpoint files will always be loaded safely.")
+else:
+ logging.debug("Warning, you are using an old pytorch version and some ckpt/pt files might be loaded unsafely. Upgrading to 2.4 or above is recommended.")
+
# deprecate PROGRESS_BAR_ENABLED
@@ -86,7 +89,16 @@ def load_torch_file(ckpt: str, safe_load=False, device=None):
if ckpt is None:
raise FileNotFoundError("the checkpoint was not found")
if ckpt.lower().endswith(".safetensors") or ckpt.lower().endswith(".sft"):
- sd = safetensors.torch.load_file(Path(ckpt).resolve(strict=True), device=device.type)
+ try:
+ sd = safetensors.torch.load_file(Path(ckpt).resolve(strict=True), device=device.type)
+ except Exception as e:
+ if len(e.args) > 0:
+ message = e.args[0]
+ if "HeaderTooLarge" in message:
+ raise ValueError("{}\n\nFile path: {}\n\nThe safetensors file is corrupt or invalid. Make sure this is actually a safetensors file and not a ckpt or pt or other filetype.".format(message, ckpt))
+ if "MetadataIncompleteBuffer" in message:
+ raise ValueError("{}\n\nFile path: {}\n\nThe safetensors file is incomplete. Check the file size and make sure you have copied/downloaded it correctly.".format(message, ckpt))
+ raise e
elif ckpt.lower().endswith("index.json"):
# from accelerate
index_filename = ckpt
diff --git a/comfy/web/assets/BaseViewTemplate-BhQMaVFP.js b/comfy/web/assets/BaseViewTemplate-BhQMaVFP.js
new file mode 100644
index 000000000..af2f3028c
--- /dev/null
+++ b/comfy/web/assets/BaseViewTemplate-BhQMaVFP.js
@@ -0,0 +1,54 @@
+import { d as defineComponent, ad as ref, t as onMounted, bT as isElectron, bV as electronAPI, af as nextTick, o as openBlock, f as createElementBlock, i as withDirectives, v as vShow, m as createBaseVNode, M as renderSlot, V as normalizeClass } from "./index-QvfM__ze.js";
+const _hoisted_1 = { class: "flex-grow w-full flex items-center justify-center overflow-auto" };
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "BaseViewTemplate",
+ props: {
+ dark: { type: Boolean, default: false }
+ },
+ setup(__props) {
+ const props = __props;
+ const darkTheme = {
+ color: "rgba(0, 0, 0, 0)",
+ symbolColor: "#d4d4d4"
+ };
+ const lightTheme = {
+ color: "rgba(0, 0, 0, 0)",
+ symbolColor: "#171717"
+ };
+ const topMenuRef = ref(null);
+ const isNativeWindow = ref(false);
+ onMounted(async () => {
+ if (isElectron()) {
+ const windowStyle = await electronAPI().Config.getWindowStyle();
+ isNativeWindow.value = windowStyle === "custom";
+ await nextTick();
+ electronAPI().changeTheme({
+ ...props.dark ? darkTheme : lightTheme,
+ height: topMenuRef.value.getBoundingClientRect().height
+ });
+ }
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createElementBlock("div", {
+ class: normalizeClass(["font-sans w-screen h-screen flex flex-col pointer-events-auto", [
+ props.dark ? "text-neutral-300 bg-neutral-900 dark-theme" : "text-neutral-900 bg-neutral-300"
+ ]])
+ }, [
+ withDirectives(createBaseVNode("div", {
+ ref_key: "topMenuRef",
+ ref: topMenuRef,
+ class: "app-drag w-full h-[var(--comfy-topbar-height)]"
+ }, null, 512), [
+ [vShow, isNativeWindow.value]
+ ]),
+ createBaseVNode("div", _hoisted_1, [
+ renderSlot(_ctx.$slots, "default")
+ ])
+ ], 2);
+ };
+ }
+});
+export {
+ _sfc_main as _
+};
+//# sourceMappingURL=BaseViewTemplate-BhQMaVFP.js.map
diff --git a/comfy/web/assets/DesktopStartView-le6AjGZr.js b/comfy/web/assets/DesktopStartView-le6AjGZr.js
new file mode 100644
index 000000000..41a212f3a
--- /dev/null
+++ b/comfy/web/assets/DesktopStartView-le6AjGZr.js
@@ -0,0 +1,22 @@
+import { d as defineComponent, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, k as createVNode, j as unref, ch as script } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+const _hoisted_1 = { class: "max-w-screen-sm w-screen p-8" };
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "DesktopStartView",
+ setup(__props) {
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(_sfc_main$1, { dark: "" }, {
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_1, [
+ createVNode(unref(script), { mode: "indeterminate" })
+ ])
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+export {
+ _sfc_main as default
+};
+//# sourceMappingURL=DesktopStartView-le6AjGZr.js.map
diff --git a/comfy/web/assets/DownloadGitView-B0K5WWed.js b/comfy/web/assets/DownloadGitView-rPK_vYgU.js
similarity index 80%
rename from comfy/web/assets/DownloadGitView-B0K5WWed.js
rename to comfy/web/assets/DownloadGitView-rPK_vYgU.js
index 607ca8c7f..15d2fed34 100644
--- a/comfy/web/assets/DownloadGitView-B0K5WWed.js
+++ b/comfy/web/assets/DownloadGitView-rPK_vYgU.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/DownloadGitView-B0K5WWed.js
import { d as defineComponent, o as openBlock, H as createBlock, N as withCtx, m as createBaseVNode, X as toDisplayString, k as createVNode, j as unref, l as script, c0 as useRouter } from "./index-Du3ctekX.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-BG-_HPdC.js";
+========
+import { d as defineComponent, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, Z as toDisplayString, k as createVNode, j as unref, l as script, c2 as useRouter } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/DownloadGitView-rPK_vYgU.js
const _hoisted_1 = { class: "max-w-screen-sm flex flex-col gap-8 p-8 bg-[url('/assets/images/Git-Logo-White.svg')] bg-no-repeat bg-right-top bg-origin-padding" };
const _hoisted_2 = { class: "mt-24 text-4xl font-bold text-red-500" };
const _hoisted_3 = { class: "space-y-4" };
@@ -55,4 +60,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as default
};
+<<<<<<<< HEAD:comfy/web/assets/DownloadGitView-B0K5WWed.js
//# sourceMappingURL=DownloadGitView-B0K5WWed.js.map
+========
+//# sourceMappingURL=DownloadGitView-rPK_vYgU.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/DownloadGitView-rPK_vYgU.js
diff --git a/comfy/web/assets/ExtensionPanel-DUEsdkuv.js b/comfy/web/assets/ExtensionPanel-3jWrm6Zi.js
similarity index 88%
rename from comfy/web/assets/ExtensionPanel-DUEsdkuv.js
rename to comfy/web/assets/ExtensionPanel-3jWrm6Zi.js
index fb6d61c11..1e929c6b8 100644
--- a/comfy/web/assets/ExtensionPanel-DUEsdkuv.js
+++ b/comfy/web/assets/ExtensionPanel-3jWrm6Zi.js
@@ -1,8 +1,14 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ExtensionPanel-DUEsdkuv.js
import { d as defineComponent, ab as ref, cr as FilterMatchMode, cw as useExtensionStore, a as useSettingStore, p as onMounted, c as computed, o as openBlock, H as createBlock, N as withCtx, k as createVNode, cs as SearchBox, j as unref, c4 as script, m as createBaseVNode, f as createElementBlock, G as renderList, X as toDisplayString, aF as createTextVNode, F as Fragment, l as script$1, J as createCommentVNode, aJ as script$3, b7 as script$4, ca as script$5, ct as _sfc_main$1 } from "./index-Du3ctekX.js";
import { s as script$2, a as script$6 } from "./index-BV_B5E0F.js";
import "./index-Bg6k6_F8.js";
+========
+import { d as defineComponent, ad as ref, cu as FilterMatchMode, cz as useExtensionStore, a as useSettingStore, t as onMounted, c as computed, o as openBlock, J as createBlock, P as withCtx, k as createVNode, cv as SearchBox, j as unref, c6 as script, m as createBaseVNode, f as createElementBlock, I as renderList, Z as toDisplayString, aG as createTextVNode, H as Fragment, l as script$1, L as createCommentVNode, aK as script$3, b8 as script$4, cc as script$5, cw as _sfc_main$1 } from "./index-QvfM__ze.js";
+import { s as script$2, a as script$6 } from "./index-DpF-ptbJ.js";
+import "./index-Q1cQr26V.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/ExtensionPanel-3jWrm6Zi.js
const _hoisted_1 = { class: "flex justify-end" };
const _sfc_main = /* @__PURE__ */ defineComponent({
__name: "ExtensionPanel",
@@ -179,4 +185,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as default
};
+<<<<<<<< HEAD:comfy/web/assets/ExtensionPanel-DUEsdkuv.js
//# sourceMappingURL=ExtensionPanel-DUEsdkuv.js.map
+========
+//# sourceMappingURL=ExtensionPanel-3jWrm6Zi.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/ExtensionPanel-3jWrm6Zi.js
diff --git a/comfy/web/assets/GraphView-CcbopFEU.js b/comfy/web/assets/GraphView-CDDCHVO0.js
similarity index 94%
rename from comfy/web/assets/GraphView-CcbopFEU.js
rename to comfy/web/assets/GraphView-CDDCHVO0.js
index daf3230da..7f0c7592d 100644
--- a/comfy/web/assets/GraphView-CcbopFEU.js
+++ b/comfy/web/assets/GraphView-CDDCHVO0.js
@@ -1,9 +1,16 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
import { d as defineComponent, u as useExecutionStore, c as computed, a as useSettingStore, b as useWorkflowStore, e as useTitle, o as openBlock, f as createElementBlock, g as useWorkspaceStore, w as watchEffect, h as app, r as resolveDirective, i as withDirectives, v as vShow, j as unref, k as createVNode, s as showNativeMenu, l as script$f, m as createBaseVNode, n as normalizeStyle, _ as _export_sfc, p as onMounted, q as onBeforeUnmount, B as BaseStyle, t as script$g, x as getWidth, y as getHeight, z as getOuterWidth, A as getOuterHeight, C as getVNodeProp, D as isArray, E as mergeProps, F as Fragment, G as renderList, H as createBlock, I as resolveDynamicComponent, J as createCommentVNode, K as renderSlot, L as useSidebarTabStore, M as useBottomPanelStore, N as withCtx, O as getAttribute, P as findSingle, Q as focus, R as equals, S as Ripple, T as normalizeClass, U as getOffset, V as script$h, W as script$i, X as toDisplayString, Y as script$j, Z as markRaw, $ as defineStore, a0 as shallowRef, a1 as useI18n, a2 as useCommandStore, a3 as LiteGraph, a4 as useColorPaletteStore, a5 as watch, a6 as useNodeDefStore, a7 as BadgePosition, a8 as LGraphBadge, a9 as _, aa as NodeBadgeMode, ab as ref, ac as useEventListener, ad as nextTick, ae as st, af as normalizeI18nKey, ag as LGraphGroup, ah as LGraphNode, ai as EditableText, aj as isNotEmpty, ak as script$k, al as UniqueComponentId, am as ZIndex, an as resolveFieldData, ao as OverlayEventBus, ap as isEmpty, aq as addStyle, ar as relativePosition, as as absolutePosition, at as ConnectedOverlayScrollHandler, au as isTouchDevice, av as findLastIndex, aw as script$l, ax as script$m, ay as script$n, az as script$o, aA as script$p, aB as script$q, aC as resolveComponent, aD as Transition, aE as createSlots, aF as createTextVNode, aG as useNodeFrequencyStore, aH as useNodeBookmarkStore, aI as highlightQuery, aJ as script$r, aK as formatNumberWithSuffix, aL as NodeSourceType, aM as NodePreview, aN as NodeSearchFilter, aO as script$s, aP as SearchFilterChip, aQ as useLitegraphService, aR as storeToRefs, aS as isRef, aT as toRaw, aU as LinkReleaseTriggerAction, aV as script$t, aW as useUserStore, aX as useDialogStore, aY as SettingDialogHeader, aZ as SettingDialogContent, a_ as useKeybindingStore, a$ as Teleport, b0 as usePragmaticDraggable, b1 as usePragmaticDroppable, b2 as withModifiers, b3 as useWorkflowService, b4 as useWorkflowBookmarkStore, b5 as script$u, b6 as script$v, b7 as script$w, b8 as LinkMarkerShape, b9 as useModelToNodeStore, ba as getStorageValue, bb as CanvasPointer, bc as IS_CONTROL_WIDGET, bd as updateControlWidgetLabel, be as useColorPaletteService, bf as setStorageValue, bg as api, bh as LGraph, bi as LLink, bj as DragAndScale, bk as LGraphCanvas, bl as ContextMenu, bm as ChangeTracker, bn as ComfyNodeDefImpl, bo as ComfyModelDef, bp as script$x, bq as script$y, br as script$z, bs as script$A, bt as normalizeProps, bu as ToastEventBus, bv as setAttribute, bw as TransitionGroup, bx as useToast, by as useToastStore, bz as resolve, bA as nestedPosition, bB as script$B, bC as isPrintableCharacter, bD as useQueueSettingsStore, bE as script$C, bF as useQueuePendingTaskCountStore, bG as useLocalStorage, bH as useDraggable, bI as watchDebounced, bJ as inject, bK as useElementBounding, bL as script$D, bM as lodashExports, bN as useEventBus, bO as script$E, bP as guardReactiveProps, bQ as useMenuItemStore, bR as isElectron, bS as provide, bT as electronAPI, bU as useDialogService, bV as LGraphEventMode, bW as useQueueStore, bX as DEFAULT_DARK_COLOR_PALETTE, bY as DEFAULT_LIGHT_COLOR_PALETTE, bZ as i18n, b_ as useErrorHandling, b$ as useModelStore } from "./index-Du3ctekX.js";
import { s as script$F } from "./index-Bg6k6_F8.js";
import { u as useKeybindingService } from "./keybindingService-GjQNTASR.js";
import { u as useServerConfigStore } from "./serverConfigStore-B0br_pYH.js";
+========
+import { d as defineComponent, u as useExecutionStore, c as computed, a as useSettingStore, b as useWorkflowStore, e as useTitle, o as openBlock, f as createElementBlock, g as useWorkspaceStore, w as watchEffect, h as app, r as resolveDirective, i as withDirectives, v as vShow, j as unref, k as createVNode, s as showNativeMenu, l as script$d, m as createBaseVNode, n as normalizeStyle, p as pushScopeId, q as popScopeId, _ as _export_sfc, t as onMounted, x as onBeforeUnmount, B as BaseStyle, y as script$e, z as getWidth, A as getHeight, C as getOuterWidth, D as getOuterHeight, E as getVNodeProp, F as isArray, G as mergeProps, H as Fragment, I as renderList, J as createBlock, K as resolveDynamicComponent, L as createCommentVNode, M as renderSlot, N as useSidebarTabStore, O as useBottomPanelStore, P as withCtx, Q as getAttribute, R as findSingle, S as focus, T as equals, U as Ripple, V as normalizeClass, W as getOffset, X as script$f, Y as script$g, Z as toDisplayString, $ as script$h, a0 as markRaw, a1 as defineStore, a2 as shallowRef, a3 as useI18n, a4 as useCommandStore, a5 as LiteGraph, a6 as useColorPaletteStore, a7 as watch, a8 as useNodeDefStore, a9 as BadgePosition, aa as LGraphBadge, ab as _, ac as NodeBadgeMode, ad as ref, ae as useEventListener, af as nextTick, ag as st, ah as normalizeI18nKey, ai as LGraphGroup, aj as LGraphNode, ak as EditableText, al as isNotEmpty, am as UniqueComponentId, an as ZIndex, ao as resolveFieldData, ap as OverlayEventBus, aq as isEmpty, ar as addStyle, as as relativePosition, at as absolutePosition, au as ConnectedOverlayScrollHandler, av as isTouchDevice, aw as findLastIndex, ax as script$i, ay as script$j, az as script$k, aA as script$l, aB as script$m, aC as script$n, aD as resolveComponent, aE as Transition, aF as createSlots, aG as createTextVNode, aH as useNodeFrequencyStore, aI as useNodeBookmarkStore, aJ as highlightQuery, aK as script$o, aL as formatNumberWithSuffix, aM as NodeSourceType, aN as NodePreview, aO as NodeSearchFilter, aP as script$p, aQ as SearchFilterChip, aR as useLitegraphService, aS as storeToRefs, aT as isRef, aU as toRaw, aV as LinkReleaseTriggerAction, aW as script$q, aX as useUserStore, aY as useDialogStore, aZ as SettingDialogHeader, a_ as SettingDialogContent, a$ as useKeybindingStore, b0 as Teleport, b1 as usePragmaticDraggable, b2 as usePragmaticDroppable, b3 as withModifiers, b4 as useWorkflowService, b5 as useWorkflowBookmarkStore, b6 as script$r, b7 as script$s, b8 as script$t, b9 as LinkMarkerShape, ba as useModelToNodeStore, bb as getStorageValue, bc as CanvasPointer, bd as IS_CONTROL_WIDGET, be as updateControlWidgetLabel, bf as useColorPaletteService, bg as setStorageValue, bh as api, bi as LGraph, bj as LLink, bk as DragAndScale, bl as LGraphCanvas, bm as ContextMenu, bn as ChangeTracker, bo as ComfyNodeDefImpl, bp as ComfyModelDef, bq as script$u, br as script$v, bs as script$w, bt as script$x, bu as script$y, bv as normalizeProps, bw as ToastEventBus, bx as setAttribute, by as TransitionGroup, bz as useToast, bA as useToastStore, bB as resolve, bC as nestedPosition, bD as script$z, bE as isPrintableCharacter, bF as useQueueSettingsStore, bG as script$A, bH as useQueuePendingTaskCountStore, bI as useLocalStorage, bJ as useDraggable, bK as watchDebounced, bL as inject, bM as useElementBounding, bN as script$B, bO as lodashExports, bP as useEventBus, bQ as script$C, bR as guardReactiveProps, bS as useMenuItemStore, bT as isElectron, bU as provide, bV as electronAPI, bW as useDialogService, bX as LGraphEventMode, bY as useQueueStore, bZ as DEFAULT_DARK_COLOR_PALETTE, b_ as DEFAULT_LIGHT_COLOR_PALETTE, b$ as i18n, c0 as useErrorHandling, c1 as useModelStore } from "./index-QvfM__ze.js";
+import { s as script$D } from "./index-Q1cQr26V.js";
+import { u as useKeybindingService } from "./keybindingService-Cak1En5n.js";
+import { u as useServerConfigStore } from "./serverConfigStore-DCme3xlV.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const DEFAULT_TITLE = "ComfyUI";
const TITLE_SUFFIX = " - ComfyUI";
const _sfc_main$u = /* @__PURE__ */ defineComponent({
@@ -38,6 +45,10 @@ const _sfc_main$u = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _withScopeId$9 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-7ed57d1a"), n = n(), popScopeId(), n), "_withScopeId$9");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$q = { class: "window-actions-spacer" };
const _sfc_main$t = /* @__PURE__ */ defineComponent({
__name: "MenuHamburger",
@@ -71,7 +82,11 @@ const _sfc_main$t = /* @__PURE__ */ defineComponent({
class: "comfy-menu-hamburger no-drag",
style: normalizeStyle(positionCSS.value)
}, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
withDirectives(createVNode(unref(script$f), {
+========
+ withDirectives(createVNode(unref(script$d), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
icon: "pi pi-bars",
severity: "secondary",
text: "",
@@ -587,8 +602,13 @@ var script$e = {
}
};
var _hoisted_1$p = ["onMousedown", "onTouchstart", "onTouchmove", "onTouchend"];
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
var _hoisted_2$b = ["aria-orientation", "aria-valuenow", "onKeydown"];
function render$l(_ctx, _cache, $props, $setup, $data, $options) {
+========
+var _hoisted_2$j = ["aria-orientation", "aria-valuenow", "onKeydown"];
+function render$j(_ctx, _cache, $props, $setup, $data, $options) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
return openBlock(), createElementBlock("div", mergeProps({
"class": _ctx.cx("root"),
style: _ctx.sx("root"),
@@ -631,7 +651,11 @@ function render$l(_ctx, _cache, $props, $setup, $data, $options) {
return $options.onGutterKeyDown($event, i);
}, "onKeydown"),
ref_for: true
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
}, _ctx.ptm("gutterHandle")), null, 16, _hoisted_2$b)], 16, _hoisted_1$p)) : createCommentVNode("", true)], 64);
+========
+ }, _ctx.ptm("gutterHandle")), null, 16, _hoisted_2$j)], 16, _hoisted_1$p)) : createCommentVNode("", true)], 64);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}), 128))], 16);
}
__name(render$l, "render$l");
@@ -701,8 +725,13 @@ function render$k(_ctx, _cache, $props, $setup, $data, $options) {
"class": _ctx.cx("root")
}, _ctx.ptmi("root", $options.getPTOptions)), [renderSlot(_ctx.$slots, "default")], 16);
}
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
__name(render$k, "render$k");
script$d.render = render$k;
+========
+__name(render$i, "render$i");
+script$b.render = render$i;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$r = /* @__PURE__ */ defineComponent({
__name: "LiteGraphCanvasSplitterOverlay",
setup(__props) {
@@ -1190,9 +1219,15 @@ var script$b = {
}
};
var _hoisted_1$o = ["aria-label", "tabindex"];
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
var _hoisted_2$a = ["aria-orientation"];
var _hoisted_3$9 = ["aria-label", "tabindex"];
function render$i(_ctx, _cache, $props, $setup, $data, $options) {
+========
+var _hoisted_2$i = ["aria-orientation"];
+var _hoisted_3$h = ["aria-label", "tabindex"];
+function render$g(_ctx, _cache, $props, $setup, $data, $options) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
var _directive_ripple = resolveDirective("ripple");
return openBlock(), createElementBlock("div", mergeProps({
ref: "list",
@@ -1239,10 +1274,17 @@ function render$i(_ctx, _cache, $props, $setup, $data, $options) {
"data-pc-group-section": "navigator"
}), [(openBlock(), createBlock(resolveDynamicComponent($options.templates.nexticon || "ChevronRightIcon"), mergeProps({
"aria-hidden": "true"
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
}, _ctx.ptm("nextIcon")), null, 16))], 16, _hoisted_3$9)), [[_directive_ripple]]) : createCommentVNode("", true)], 16);
}
__name(render$i, "render$i");
script$b.render = render$i;
+========
+ }, _ctx.ptm("nextIcon")), null, 16))], 16, _hoisted_3$h)), [[_directive_ripple]]) : createCommentVNode("", true)], 16);
+}
+__name(render$g, "render$g");
+script$9.render = render$g;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$q = /* @__PURE__ */ defineComponent({
__name: "ExtensionSlot",
props: {
@@ -1273,9 +1315,15 @@ const _sfc_main$q = /* @__PURE__ */ defineComponent({
}
});
const _hoisted_1$n = { class: "flex flex-col h-full" };
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
const _hoisted_2$9 = { class: "w-full flex justify-between" };
const _hoisted_3$8 = { class: "tabs-container" };
const _hoisted_4$4 = { class: "font-bold" };
+========
+const _hoisted_2$h = { class: "w-full flex justify-between" };
+const _hoisted_3$g = { class: "tabs-container" };
+const _hoisted_4$6 = { class: "font-bold" };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_5$4 = { class: "flex-grow h-0" };
const _sfc_main$p = /* @__PURE__ */ defineComponent({
__name: "BottomPanel",
@@ -1283,15 +1331,24 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
const bottomPanelStore = useBottomPanelStore();
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$n, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createVNode(unref(script$j), {
+========
+ createVNode(unref(script$h), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
value: unref(bottomPanelStore).activeBottomPanelTabId,
"onUpdate:value": _cache[1] || (_cache[1] = ($event) => unref(bottomPanelStore).activeBottomPanelTabId = $event)
}, {
default: withCtx(() => [
createVNode(unref(script$b), { "pt:tabList": "border-none" }, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createBaseVNode("div", _hoisted_2$9, [
createBaseVNode("div", _hoisted_3$8, [
+========
+ createBaseVNode("div", _hoisted_2$h, [
+ createBaseVNode("div", _hoisted_3$g, [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
(openBlock(true), createElementBlock(Fragment, null, renderList(unref(bottomPanelStore).bottomPanelTabs, (tab) => {
return openBlock(), createBlock(unref(script$c), {
key: tab.id,
@@ -1299,7 +1356,11 @@ const _sfc_main$p = /* @__PURE__ */ defineComponent({
class: "p-3 border-none"
}, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createBaseVNode("span", _hoisted_4$4, toDisplayString(tab.title.toUpperCase()), 1)
+========
+ createBaseVNode("span", _hoisted_4$6, toDisplayString(tab.title.toUpperCase()), 1)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
]),
_: 2
}, 1032, ["value"]);
@@ -1335,6 +1396,7 @@ const _hoisted_1$m = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
function render$h(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$m, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -1345,11 +1407,26 @@ function render$h(_ctx, _cache) {
}
__name(render$h, "render$h");
const __unplugin_components_1$2 = markRaw({ name: "simple-line-icons-cursor", render: render$h });
+========
+const _hoisted_2$g = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "currentColor",
+ d: "M921.088 103.232L584.832 889.024L465.52 544.512L121.328 440.48zM1004.46.769c-6.096 0-13.52 1.728-22.096 5.36L27.708 411.2c-34.383 14.592-36.56 42.704-4.847 62.464l395.296 123.584l129.36 403.264c9.28 15.184 20.496 22.72 31.263 22.72c11.936 0 23.296-9.152 31.04-27.248l408.272-953.728C1029.148 16.368 1022.86.769 1004.46.769"
+}, null, -1);
+const _hoisted_3$f = [
+ _hoisted_2$g
+];
+function render$f(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$m, [..._hoisted_3$f]);
+}
+__name(render$f, "render$f");
+const __unplugin_components_1$2 = markRaw({ name: "simple-line-icons-cursor", render: render$f });
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$l = {
viewBox: "0 0 24 24",
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
function render$g(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$l, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -1357,6 +1434,17 @@ function render$g(_ctx, _cache) {
d: "M10.05 23q-.75 0-1.4-.337T7.575 21.7L1.2 12.375l.6-.575q.475-.475 1.125-.55t1.175.3L7 13.575V4q0-.425.288-.712T8 3t.713.288T9 4v13.425l-3.7-2.6l3.925 5.725q.125.2.35.325t.475.125H17q.825 0 1.413-.587T19 19V5q0-.425.288-.712T20 4t.713.288T21 5v14q0 1.65-1.175 2.825T17 23zM11 12V2q0-.425.288-.712T12 1t.713.288T13 2v10zm4 0V3q0-.425.288-.712T16 2t.713.288T17 3v9zm-2.85 4.5"
}, null, -1)
]));
+========
+const _hoisted_2$f = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "currentColor",
+ d: "M10.05 23q-.75 0-1.4-.337T7.575 21.7L1.2 12.375l.6-.575q.475-.475 1.125-.55t1.175.3L7 13.575V4q0-.425.288-.712T8 3t.713.288T9 4v13.425l-3.7-2.6l3.925 5.725q.125.2.35.325t.475.125H17q.825 0 1.413-.587T19 19V5q0-.425.288-.712T20 4t.713.288T21 5v14q0 1.65-1.175 2.825T17 23zM11 12V2q0-.425.288-.712T12 1t.713.288T13 2v10zm4 0V3q0-.425.288-.712T16 2t.713.288T17 3v9zm-2.85 4.5"
+}, null, -1);
+const _hoisted_3$e = [
+ _hoisted_2$f
+];
+function render$e(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$l, [..._hoisted_3$e]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}
__name(render$g, "render$g");
const __unplugin_components_0$2 = markRaw({ name: "material-symbols-pan-tool-outline", render: render$g });
@@ -2945,9 +3033,15 @@ function _toPrimitive$4(t, r) {
}
__name(_toPrimitive$4, "_toPrimitive$4");
var _hoisted_1$k = ["aria-activedescendant"];
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
var _hoisted_2$8 = ["id", "aria-label", "aria-setsize", "aria-posinset"];
var _hoisted_3$7 = ["id", "placeholder", "tabindex", "disabled", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-invalid"];
var _hoisted_4$3 = ["disabled", "aria-expanded", "aria-controls"];
+========
+var _hoisted_2$e = ["id", "aria-label", "aria-setsize", "aria-posinset"];
+var _hoisted_3$d = ["id", "placeholder", "tabindex", "disabled", "aria-label", "aria-labelledby", "aria-expanded", "aria-controls", "aria-activedescendant", "aria-invalid"];
+var _hoisted_4$5 = ["disabled", "aria-expanded", "aria-controls"];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
var _hoisted_5$3 = ["id"];
var _hoisted_6$2 = ["id", "aria-label"];
var _hoisted_7$1 = ["id"];
@@ -3097,7 +3191,11 @@ function render$e(_ctx, _cache, $props, $setup, $data, $options) {
onChange: _cache[4] || (_cache[4] = function() {
return $options.onChange && $options.onChange.apply($options, arguments);
})
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
}, _ctx.ptm("input")), null, 16, _hoisted_3$7)], 16)], 16, _hoisted_1$k)) : createCommentVNode("", true), $data.searching || _ctx.loading ? renderSlot(_ctx.$slots, _ctx.$slots.loader ? "loader" : "loadingicon", {
+========
+ }, _ctx.ptm("input")), null, 16, _hoisted_3$d)], 16)], 16, _hoisted_1$k)) : createCommentVNode("", true), $data.searching || _ctx.loading ? renderSlot(_ctx.$slots, _ctx.$slots.loader ? "loader" : "loadingicon", {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
key: 2,
"class": normalizeClass(_ctx.cx("loader"))
}, function() {
@@ -3134,7 +3232,11 @@ function render$e(_ctx, _cache, $props, $setup, $data, $options) {
return [(openBlock(), createBlock(resolveDynamicComponent(_ctx.dropdownIcon ? "span" : "ChevronDownIcon"), mergeProps({
"class": _ctx.dropdownIcon
}, _ctx.ptm("dropdownIcon")), null, 16, ["class"]))];
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
})], 16, _hoisted_4$3)) : createCommentVNode("", true)];
+========
+ })], 16, _hoisted_4$5)) : createCommentVNode("", true)];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}), createBaseVNode("span", mergeProps({
role: "status",
"aria-live": "polite",
@@ -3280,8 +3382,13 @@ function render$e(_ctx, _cache, $props, $setup, $data, $options) {
_: 3
}, 8, ["appendTo"])], 16);
}
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
__name(render$e, "render$e");
script$9.render = render$e;
+========
+__name(render$c, "render$c");
+script$7.render = render$c;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$k = {
name: "AutoCompletePlus",
extends: script$9,
@@ -3298,6 +3405,7 @@ const _sfc_main$k = {
);
}
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
const _hoisted_1$j = { class: "option-container flex justify-between items-center px-2 py-0 cursor-pointer overflow-hidden w-full" };
const _hoisted_2$7 = { class: "option-display-name font-semibold flex flex-col" };
const _hoisted_3$6 = { key: 0 };
@@ -3308,6 +3416,24 @@ const _hoisted_6$1 = {
class: "option-category font-light text-sm text-muted overflow-hidden text-ellipsis whitespace-nowrap"
};
const _hoisted_7 = { class: "option-badges" };
+========
+const _withScopeId$8 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-fd0a74bd"), n = n(), popScopeId(), n), "_withScopeId$8");
+const _hoisted_1$j = { class: "option-container flex justify-between items-center px-2 py-0 cursor-pointer overflow-hidden w-full" };
+const _hoisted_2$d = { class: "option-display-name font-semibold flex flex-col" };
+const _hoisted_3$c = { key: 0 };
+const _hoisted_4$4 = /* @__PURE__ */ _withScopeId$8(() => /* @__PURE__ */ createBaseVNode("i", { class: "pi pi-bookmark-fill text-sm mr-1" }, null, -1));
+const _hoisted_5$2 = [
+ _hoisted_4$4
+];
+const _hoisted_6$1 = ["innerHTML"];
+const _hoisted_7 = /* @__PURE__ */ _withScopeId$8(() => /* @__PURE__ */ createBaseVNode("span", null, " ", -1));
+const _hoisted_8 = ["innerHTML"];
+const _hoisted_9 = {
+ key: 0,
+ class: "option-category font-light text-sm text-muted overflow-hidden text-ellipsis whitespace-nowrap"
+};
+const _hoisted_10 = { class: "option-badges" };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$j = /* @__PURE__ */ defineComponent({
__name: "NodeSearchItem",
props: {
@@ -3336,11 +3462,17 @@ const _sfc_main$j = /* @__PURE__ */ defineComponent({
const props = __props;
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$j, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createBaseVNode("div", _hoisted_2$7, [
createBaseVNode("div", null, [
isBookmarked.value ? (openBlock(), createElementBlock("span", _hoisted_3$6, _cache[0] || (_cache[0] = [
createBaseVNode("i", { class: "pi pi-bookmark-fill text-sm mr-1" }, null, -1)
]))) : createCommentVNode("", true),
+========
+ createBaseVNode("div", _hoisted_2$d, [
+ createBaseVNode("div", null, [
+ isBookmarked.value ? (openBlock(), createElementBlock("span", _hoisted_3$c, _hoisted_5$2)) : createCommentVNode("", true),
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
createBaseVNode("span", {
innerHTML: unref(highlightQuery)(_ctx.nodeDef.display_name, _ctx.currentQuery)
}, null, 8, _hoisted_4$2),
@@ -3391,11 +3523,20 @@ const _sfc_main$j = /* @__PURE__ */ defineComponent({
});
const NodeSearchItem = /* @__PURE__ */ _export_sfc(_sfc_main$j, [["__scopeId", "data-v-fd0a74bd"]]);
const _hoisted_1$i = { class: "comfy-vue-node-search-container flex justify-center items-center w-full min-w-96 pointer-events-auto" };
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
const _hoisted_2$6 = {
key: 0,
class: "comfy-vue-node-preview-container absolute left-[-350px] top-[50px]"
};
const _hoisted_3$5 = { class: "_dialog-body" };
+========
+const _hoisted_2$c = {
+ key: 0,
+ class: "comfy-vue-node-preview-container absolute left-[-350px] top-[50px]"
+};
+const _hoisted_3$b = /* @__PURE__ */ createBaseVNode("h3", null, "Add node filter condition", -1);
+const _hoisted_4$3 = { class: "_dialog-body" };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$i = /* @__PURE__ */ defineComponent({
__name: "NodeSearchBox",
props: {
@@ -3459,7 +3600,11 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
}, "setHoverSuggestion");
return (_ctx, _cache) => {
return openBlock(), createElementBlock("div", _hoisted_1$i, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
enableNodePreview.value ? (openBlock(), createElementBlock("div", _hoisted_2$6, [
+========
+ enableNodePreview.value ? (openBlock(), createElementBlock("div", _hoisted_2$c, [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
hoveredSuggestion.value ? (openBlock(), createBlock(NodePreview, {
nodeDef: hoveredSuggestion.value,
key: hoveredSuggestion.value?.name || ""
@@ -3479,11 +3624,19 @@ const _sfc_main$i = /* @__PURE__ */ defineComponent({
modal: "",
onHide: reFocusInput
}, {
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
header: withCtx(() => _cache[5] || (_cache[5] = [
createBaseVNode("h3", null, "Add node filter condition", -1)
])),
default: withCtx(() => [
createBaseVNode("div", _hoisted_3$5, [
+========
+ header: withCtx(() => [
+ _hoisted_3$b
+ ]),
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_4$3, [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
createVNode(NodeSearchFilter, { onAddFilter })
])
]),
@@ -3763,8 +3916,13 @@ function render$d(_ctx, _cache, $props, $setup, $data, $options) {
pt: _ctx.ptm("pcBadge")
}), null, 16, ["pt"])], 16);
}
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
__name(render$d, "render$d");
script$8.render = render$d;
+========
+__name(render$b, "render$b");
+script$6.render = render$b;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$g = /* @__PURE__ */ defineComponent({
__name: "SidebarIcon",
props: {
@@ -3891,8 +4049,14 @@ const _sfc_main$d = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
const _hoisted_1$h = { class: "side-tool-bar-end" };
const _hoisted_2$5 = {
+========
+const _withScopeId$7 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-33cac83a"), n = n(), popScopeId(), n), "_withScopeId$7");
+const _hoisted_1$h = { class: "side-tool-bar-end" };
+const _hoisted_2$b = {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
key: 0,
class: "sidebar-content-container h-full overflow-y-auto overflow-x-hidden"
};
@@ -3944,7 +4108,11 @@ const _sfc_main$c = /* @__PURE__ */ defineComponent({
])
], 2)
], 8, ["to"])),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
selectedTab.value ? (openBlock(), createElementBlock("div", _hoisted_2$5, [
+========
+ selectedTab.value ? (openBlock(), createElementBlock("div", _hoisted_2$b, [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
createVNode(_sfc_main$q, { extension: selectedTab.value }, null, 8, ["extension"])
])) : createCommentVNode("", true)
], 64);
@@ -3952,9 +4120,16 @@ const _sfc_main$c = /* @__PURE__ */ defineComponent({
}
});
const SideToolbar = /* @__PURE__ */ _export_sfc(_sfc_main$c, [["__scopeId", "data-v-33cac83a"]]);
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
const _hoisted_1$g = { class: "workflow-label text-sm max-w-[150px] truncate inline-block" };
const _hoisted_2$4 = { class: "relative" };
const _hoisted_3$4 = {
+========
+const _withScopeId$6 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-8d011a31"), n = n(), popScopeId(), n), "_withScopeId$6");
+const _hoisted_1$g = { class: "workflow-label text-sm max-w-[150px] truncate inline-block" };
+const _hoisted_2$a = { class: "relative" };
+const _hoisted_3$a = {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
key: 0,
class: "status-indicator"
};
@@ -4024,9 +4199,15 @@ const _sfc_main$b = /* @__PURE__ */ defineComponent({
{ bottom: true }
]
]),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createBaseVNode("div", _hoisted_2$4, [
!unref(workspaceStore).shiftDown && (_ctx.workflowOption.workflow.isModified || !_ctx.workflowOption.workflow.isPersisted) ? (openBlock(), createElementBlock("span", _hoisted_3$4, "•")) : createCommentVNode("", true),
createVNode(unref(script$f), {
+========
+ createBaseVNode("div", _hoisted_2$a, [
+ !unref(workspaceStore).shiftDown && (_ctx.workflowOption.workflow.isModified || !_ctx.workflowOption.workflow.isPersisted) ? (openBlock(), createElementBlock("span", _hoisted_3$a, "•")) : createCommentVNode("", true),
+ createVNode(unref(script$d), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: "close-button p-0 w-auto",
icon: "pi pi-times",
text: "",
@@ -4040,6 +4221,10 @@ const _sfc_main$b = /* @__PURE__ */ defineComponent({
}
});
const WorkflowTab = /* @__PURE__ */ _export_sfc(_sfc_main$b, [["__scopeId", "data-v-8d011a31"]]);
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _withScopeId$5 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-54fadc45"), n = n(), popScopeId(), n), "_withScopeId$5");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$f = { class: "workflow-tabs-container flex flex-row max-w-full h-full" };
const _sfc_main$a = /* @__PURE__ */ defineComponent({
__name: "WorkflowTabs",
@@ -4144,7 +4329,11 @@ const _sfc_main$a = /* @__PURE__ */ defineComponent({
return (_ctx, _cache) => {
const _directive_tooltip = resolveDirective("tooltip");
return openBlock(), createElementBlock("div", _hoisted_1$f, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createVNode(unref(script$v), {
+========
+ createVNode(unref(script$s), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: "overflow-hidden no-drag",
"pt:content": {
class: "p-0 w-full",
@@ -4153,7 +4342,11 @@ const _sfc_main$a = /* @__PURE__ */ defineComponent({
"pt:barX": "h-1"
}, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createVNode(unref(script$u), {
+========
+ createVNode(unref(script$r), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: normalizeClass(["workflow-tabs bg-transparent", props.class]),
modelValue: selectedWorkflow.value,
"onUpdate:modelValue": onWorkflowChange,
@@ -4173,7 +4366,11 @@ const _sfc_main$a = /* @__PURE__ */ defineComponent({
]),
_: 1
}, 8, ["pt:content"]),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
withDirectives(createVNode(unref(script$f), {
+========
+ withDirectives(createVNode(unref(script$d), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: "new-blank-workflow-button flex-shrink-0 no-drag",
icon: "pi pi-plus",
text: "",
@@ -4183,7 +4380,11 @@ const _sfc_main$a = /* @__PURE__ */ defineComponent({
}, null, 8, ["aria-label"]), [
[_directive_tooltip, { value: _ctx.$t("sideToolbar.newBlankWorkflow"), showDelay: 300 }]
]),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createVNode(unref(script$w), {
+========
+ createVNode(unref(script$t), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
ref_key: "menu",
ref: menu,
model: contextMenuItems.value
@@ -4193,6 +4394,10 @@ const _sfc_main$a = /* @__PURE__ */ defineComponent({
}
});
const WorkflowTabs = /* @__PURE__ */ _export_sfc(_sfc_main$a, [["__scopeId", "data-v-54fadc45"]]);
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _withScopeId$4 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-38831d8e"), n = n(), popScopeId(), n), "_withScopeId$4");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$e = { class: "absolute top-0 left-0 w-auto max-w-full pointer-events-auto" };
const _sfc_main$9 = /* @__PURE__ */ defineComponent({
__name: "SecondRowWorkflowTabs",
@@ -5461,10 +5666,17 @@ var script$1$3 = {
computed: {
iconComponent: /* @__PURE__ */ __name(function iconComponent() {
return {
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
info: !this.infoIcon && script$6,
success: !this.successIcon && script$y,
warn: !this.warnIcon && script$7,
error: !this.errorIcon && script$z
+========
+ info: !this.infoIcon && script$u,
+ success: !this.successIcon && script$v,
+ warn: !this.warnIcon && script$w,
+ error: !this.errorIcon && script$x
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}[this.message.severity];
}, "iconComponent"),
closeAriaLabel: /* @__PURE__ */ __name(function closeAriaLabel() {
@@ -5472,11 +5684,19 @@ var script$1$3 = {
}, "closeAriaLabel")
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
TimesIcon: script$A,
InfoCircleIcon: script$6,
CheckIcon: script$y,
ExclamationTriangleIcon: script$7,
TimesCircleIcon: script$z
+========
+ TimesIcon: script$y,
+ InfoCircleIcon: script$u,
+ CheckIcon: script$v,
+ ExclamationTriangleIcon: script$w,
+ TimesCircleIcon: script$x
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
},
directives: {
ripple: Ripple
@@ -5895,6 +6115,20 @@ const _hoisted_1$c = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _hoisted_2$9 = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2",
+ d: "M6 4v16m4-16l10 8l-10 8z"
+}, null, -1);
+const _hoisted_3$9 = [
+ _hoisted_2$9
+];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
function render$9(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$c, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -5914,6 +6148,20 @@ const _hoisted_1$b = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _hoisted_2$8 = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2",
+ d: "m13 19l9-7l-9-7zM2 19l9-7l-9-7z"
+}, null, -1);
+const _hoisted_3$8 = [
+ _hoisted_2$8
+];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
function render$8(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$b, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -5933,6 +6181,20 @@ const _hoisted_1$a = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _hoisted_2$7 = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2",
+ d: "m6 3l14 9l-14 9z"
+}, null, -1);
+const _hoisted_3$7 = [
+ _hoisted_2$7
+];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
function render$7(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$a, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -5952,6 +6214,22 @@ const _hoisted_1$9 = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _hoisted_2$6 = /* @__PURE__ */ createBaseVNode("g", {
+ fill: "none",
+ stroke: "currentColor",
+ "stroke-linecap": "round",
+ "stroke-linejoin": "round",
+ "stroke-width": "2"
+}, [
+ /* @__PURE__ */ createBaseVNode("path", { d: "M16 12H3m13 6H3m7-12H3m18 12V8a2 2 0 0 0-2-2h-5" }),
+ /* @__PURE__ */ createBaseVNode("path", { d: "m16 8l-2-2l2-2" })
+], -1);
+const _hoisted_3$6 = [
+ _hoisted_2$6
+];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
function render$6(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$9, _cache[0] || (_cache[0] = [
createBaseVNode("g", {
@@ -6210,16 +6488,26 @@ var script$1$2 = {
}, "containerRef")
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
AngleRightIcon: script$B
+========
+ AngleRightIcon: script$z
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
},
directives: {
ripple: Ripple
}
};
var _hoisted_1$1$2 = ["tabindex"];
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
var _hoisted_2$3 = ["id", "aria-label", "aria-disabled", "aria-expanded", "aria-haspopup", "aria-level", "aria-setsize", "aria-posinset", "data-p-active", "data-p-focused", "data-p-disabled"];
var _hoisted_3$3 = ["onClick", "onMouseenter", "onMousemove"];
var _hoisted_4$1 = ["href", "target"];
+========
+var _hoisted_2$5 = ["id", "aria-label", "aria-disabled", "aria-expanded", "aria-haspopup", "aria-level", "aria-setsize", "aria-posinset", "data-p-active", "data-p-focused", "data-p-disabled"];
+var _hoisted_3$5 = ["onClick", "onMouseenter", "onMousemove"];
+var _hoisted_4$2 = ["href", "target"];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
var _hoisted_5$1 = ["id"];
var _hoisted_6 = ["id"];
function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
@@ -6300,7 +6588,7 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
key: 1,
"class": _ctx.cx("submenuIcon"),
ref_for: true
- }, $options.getPTOptions(processedItem, index, "submenuIcon")), null, 16, ["class"]))], 64)) : createCommentVNode("", true)], 16, _hoisted_4$1)), [[_directive_ripple]]) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
+ }, $options.getPTOptions(processedItem, index, "submenuIcon")), null, 16, ["class"]))], 64)) : createCommentVNode("", true)], 16, _hoisted_4$2)), [[_directive_ripple]]) : (openBlock(), createBlock(resolveDynamicComponent($props.templates.item), {
key: 1,
item: processedItem.item,
hasSubmenu: $options.getItemProp(processedItem, "items"),
@@ -6332,9 +6620,14 @@ function render$1$1(_ctx, _cache, $props, $setup, $data, $options) {
}),
onItemMousemove: _cache[2] || (_cache[2] = function($event) {
return _ctx.$emit("item-mousemove", $event);
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
}),
ref_for: true
}, _ctx.ptm("submenu")), null, 16, ["id", "class", "style", "aria-labelledby", "menuId", "focusedItemId", "items", "templates", "activeItemPath", "level", "visible", "pt", "unstyled"])) : createCommentVNode("", true)], 16, _hoisted_2$3)) : createCommentVNode("", true), $options.isItemVisible(processedItem) && $options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps({
+========
+ })
+ }, null, 8, ["id", "style", "aria-labelledby", "menuId", "focusedItemId", "items", "templates", "activeItemPath", "level", "visible", "pt", "unstyled"])) : createCommentVNode("", true)], 16, _hoisted_2$5)) : createCommentVNode("", true), $options.isItemVisible(processedItem) && $options.getItemProp(processedItem, "separator") ? (openBlock(), createElementBlock("li", mergeProps({
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
key: 1,
id: $options.getItemId(processedItem),
style: $options.getItemProp(processedItem, "style"),
@@ -7339,6 +7632,10 @@ function render$4(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render$4, "render$4");
script$3.render = render$4;
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _withScopeId$3 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-26957f1f"), n = n(), popScopeId(), n), "_withScopeId$3");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$6 = ["aria-label"];
const minQueueCount = 1;
const _sfc_main$6 = /* @__PURE__ */ defineComponent({
@@ -7371,7 +7668,11 @@ const _sfc_main$6 = /* @__PURE__ */ defineComponent({
class: normalizeClass(["batch-count", props.class]),
"aria-label": _ctx.$t("menu.batchCount")
}, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
createVNode(unref(script$C), {
+========
+ createVNode(unref(script$A), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: "w-14",
modelValue: unref(batchCount),
"onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => isRef(batchCount) ? batchCount.value = $event : null),
@@ -7406,6 +7707,10 @@ const _sfc_main$6 = /* @__PURE__ */ defineComponent({
}
});
const BatchCountEdit = /* @__PURE__ */ _export_sfc(_sfc_main$6, [["__scopeId", "data-v-26957f1f"]]);
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _withScopeId$2 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-e9044686"), n = n(), popScopeId(), n), "_withScopeId$2");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$5 = { class: "queue-button-group flex" };
const _sfc_main$5 = /* @__PURE__ */ defineComponent({
__name: "ComfyQueueButton",
@@ -7683,7 +7988,11 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
});
});
return (_ctx, _cache) => {
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
return openBlock(), createBlock(unref(script$D), {
+========
+ return openBlock(), createBlock(unref(script$B), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: normalizeClass(["actionbar w-fit", { "is-dragging": unref(isDragging), "is-docked": unref(isDocked) }]),
style: normalizeStyle(unref(style))
}, {
@@ -7712,6 +8021,7 @@ const _hoisted_1$4 = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
function render$3(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$4, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -7719,6 +8029,17 @@ function render$3(_ctx, _cache) {
d: "M5 21q-.825 0-1.412-.587T3 19V5q0-.825.588-1.412T5 3h14q.825 0 1.413.588T21 5v14q0 .825-.587 1.413T19 21zm0-5v3h14v-3zm0-2h14V5H5zm0 2v3z"
}, null, -1)
]));
+========
+const _hoisted_2$4 = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "currentColor",
+ d: "M5 21q-.825 0-1.412-.587T3 19V5q0-.825.588-1.412T5 3h14q.825 0 1.413.588T21 5v14q0 .825-.587 1.413T19 21zm0-5v3h14v-3zm0-2h14V5H5zm0 2v3z"
+}, null, -1);
+const _hoisted_3$4 = [
+ _hoisted_2$4
+];
+function render$3(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$4, [..._hoisted_3$4]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}
__name(render$3, "render$3");
const __unplugin_components_1 = markRaw({ name: "material-symbols-dock-to-bottom-outline", render: render$3 });
@@ -7727,6 +8048,7 @@ const _hoisted_1$3 = {
width: "1.2em",
height: "1.2em"
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
function render$2(_ctx, _cache) {
return openBlock(), createElementBlock("svg", _hoisted_1$3, _cache[0] || (_cache[0] = [
createBaseVNode("path", {
@@ -7734,6 +8056,17 @@ function render$2(_ctx, _cache) {
d: "M5 21q-.825 0-1.412-.587T3 19V5q0-.825.588-1.412T5 3h14q.825 0 1.413.588T21 5v14q0 .825-.587 1.413T19 21zm0-7h14V5H5z"
}, null, -1)
]));
+========
+const _hoisted_2$3 = /* @__PURE__ */ createBaseVNode("path", {
+ fill: "currentColor",
+ d: "M5 21q-.825 0-1.412-.587T3 19V5q0-.825.588-1.412T5 3h14q.825 0 1.413.588T21 5v14q0 .825-.587 1.413T19 21zm0-7h14V5H5z"
+}, null, -1);
+const _hoisted_3$3 = [
+ _hoisted_2$3
+];
+function render$2(_ctx, _cache) {
+ return openBlock(), createElementBlock("svg", _hoisted_1$3, [..._hoisted_3$3]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}
__name(render$2, "render$2");
const __unplugin_components_0 = markRaw({ name: "material-symbols-dock-to-bottom", render: render$2 });
@@ -7989,8 +8322,13 @@ var script$1 = {
}, "getAriaSetSize")
},
components: {
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
AngleRightIcon: script$B,
AngleDownIcon: script$E
+========
+ AngleRightIcon: script$z,
+ AngleDownIcon: script$C
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
},
directives: {
ripple: Ripple
@@ -7999,7 +8337,7 @@ var script$1 = {
var _hoisted_1$1$1 = ["id", "aria-label", "aria-disabled", "aria-expanded", "aria-haspopup", "aria-level", "aria-setsize", "aria-posinset", "data-p-active", "data-p-focused", "data-p-disabled"];
var _hoisted_2$2 = ["onClick", "onMouseenter", "onMousemove"];
var _hoisted_3$2 = ["href", "target"];
-var _hoisted_4 = ["id"];
+var _hoisted_4$1 = ["id"];
var _hoisted_5 = ["id"];
function render$1(_ctx, _cache, $props, $setup, $data, $options) {
var _component_MenubarSub = resolveComponent("MenubarSub", true);
@@ -8060,7 +8398,7 @@ function render$1(_ctx, _cache, $props, $setup, $data, $options) {
id: $options.getItemLabelId(processedItem),
"class": _ctx.cx("itemLabel"),
ref_for: true
- }, $options.getPTOptions(processedItem, index, "itemLabel")), toDisplayString($options.getItemLabel(processedItem)), 17, _hoisted_4), $options.getItemProp(processedItem, "items") ? (openBlock(), createElementBlock(Fragment, {
+ }, $options.getPTOptions(processedItem, index, "itemLabel")), toDisplayString($options.getItemLabel(processedItem)), 17, _hoisted_4$1), $options.getItemProp(processedItem, "items") ? (openBlock(), createElementBlock(Fragment, {
key: 2
}, [$props.templates.submenuicon ? (openBlock(), createBlock(resolveDynamicComponent($props.templates.submenuicon), {
key: 0,
@@ -8724,7 +9062,11 @@ var script = {
},
components: {
MenubarSub: script$1,
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
BarsIcon: script$F
+========
+ BarsIcon: script$D
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
}
};
function _typeof(o) {
@@ -8847,6 +9189,10 @@ function render(_ctx, _cache, $props, $setup, $data, $options) {
}
__name(render, "render");
script.render = render;
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+const _withScopeId$1 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-56df69d2"), n = n(), popScopeId(), n), "_withScopeId$1");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _hoisted_1$1 = ["href"];
const _hoisted_2$1 = { class: "p-menubar-item-label" };
const _hoisted_3$1 = {
@@ -8903,9 +9249,17 @@ const _sfc_main$2 = /* @__PURE__ */ defineComponent({
}
});
const CommandMenubar = /* @__PURE__ */ _export_sfc(_sfc_main$2, [["__scopeId", "data-v-56df69d2"]]);
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
const _hoisted_1 = { class: "flex-grow min-w-0 app-drag h-full" };
const _hoisted_2 = { class: "window-actions-spacer flex-shrink-0" };
const _hoisted_3 = { class: "fixed top-0 left-0 app-drag w-full h-[var(--comfy-topbar-height)]" };
+========
+const _withScopeId = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-6e35440f"), n = n(), popScopeId(), n), "_withScopeId");
+const _hoisted_1 = /* @__PURE__ */ _withScopeId(() => /* @__PURE__ */ createBaseVNode("h1", { class: "comfyui-logo mx-2 app-drag" }, "ComfyUI", -1));
+const _hoisted_2 = { class: "flex-grow min-w-0 app-drag h-full" };
+const _hoisted_3 = { class: "window-actions-spacer flex-shrink-0" };
+const _hoisted_4 = { class: "fixed top-0 left-0 app-drag w-full h-[var(--comfy-topbar-height)]" };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
const _sfc_main$1 = /* @__PURE__ */ defineComponent({
__name: "TopMenubar",
setup(__props) {
@@ -8958,9 +9312,15 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
ref: topMenuRef,
class: normalizeClass(["comfyui-menu flex items-center", { dropzone: isDropZone.value, "dropzone-active": isDroppable.value }])
}, [
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
_cache[1] || (_cache[1] = createBaseVNode("h1", { class: "comfyui-logo mx-2 app-drag" }, "ComfyUI", -1)),
createVNode(CommandMenubar),
createBaseVNode("div", _hoisted_1, [
+========
+ _hoisted_1,
+ createVNode(CommandMenubar),
+ createBaseVNode("div", _hoisted_2, [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
workflowTabsPosition.value === "Topbar" ? (openBlock(), createBlock(WorkflowTabs, { key: 0 })) : createCommentVNode("", true)
]),
createBaseVNode("div", {
@@ -8970,7 +9330,11 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
}, null, 512),
createVNode(Actionbar),
createVNode(_sfc_main$3, { class: "flex-shrink-0" }),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
withDirectives(createVNode(unref(script$f), {
+========
+ withDirectives(createVNode(unref(script$d), {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
class: "flex-shrink-0",
icon: "pi pi-bars",
severity: "secondary",
@@ -8981,14 +9345,22 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
}, null, 8, ["aria-label", "onContextmenu"]), [
[_directive_tooltip, { value: _ctx.$t("menu.hideMenu"), showDelay: 300 }]
]),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
withDirectives(createBaseVNode("div", _hoisted_2, null, 512), [
+========
+ withDirectives(createBaseVNode("div", _hoisted_3, null, 512), [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
[vShow, menuSetting.value !== "Bottom"]
])
], 2), [
[vShow, showTopMenu.value]
])
], 8, ["to"])),
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
withDirectives(createBaseVNode("div", _hoisted_3, null, 512), [
+========
+ withDirectives(createBaseVNode("div", _hoisted_4, null, 512), [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
[vShow, isNativeWindow.value && !showTopMenu.value]
])
], 64);
@@ -10015,6 +10387,10 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
const settingStore = useSettingStore();
const executionStore = useExecutionStore();
const colorPaletteStore = useColorPaletteStore();
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
+========
+ const queueStore = useQueueStore();
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
watch(
() => colorPaletteStore.completedActivePalette,
(newTheme) => {
@@ -10033,6 +10409,25 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
},
{ immediate: true }
);
+ if (isElectron()) {
+ watch(
+ () => queueStore.tasks,
+ (newTasks, oldTasks) => {
+ const oldRunningTaskIds = new Set(
+ oldTasks.filter((task) => task.isRunning).map((task) => task.promptId)
+ );
+ newTasks.filter(
+ (task) => oldRunningTaskIds.has(task.promptId) && task.isHistory
+ ).forEach((task) => {
+ electronAPI().Events.incrementUserProperty(
+ `execution:${task.displayStatus.toLowerCase()}`,
+ 1
+ );
+ });
+ },
+ { deep: true }
+ );
+ }
watchEffect(() => {
const fontSize = settingStore.get("Comfy.TextareaWidget.FontSize");
document.documentElement.style.setProperty(
@@ -10063,9 +10458,7 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
}
});
watchEffect(() => {
- useQueueStore().maxHistoryItems = settingStore.get(
- "Comfy.Queue.MaxHistoryItems"
- );
+ queueStore.maxHistoryItems = settingStore.get("Comfy.Queue.MaxHistoryItems");
});
const init = /* @__PURE__ */ __name(() => {
const coreCommands = useCoreCommands();
@@ -10077,8 +10470,9 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
app.extensionManager = useWorkspaceStore();
}, "init");
const queuePendingTaskCountStore = useQueuePendingTaskCountStore();
- const onStatus = /* @__PURE__ */ __name((e) => {
+ const onStatus = /* @__PURE__ */ __name(async (e) => {
queuePendingTaskCountStore.update(e);
+ await queueStore.update();
}, "onStatus");
const reconnectingMessage = {
severity: "error",
@@ -10145,4 +10539,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as default
};
+<<<<<<<< HEAD:comfy/web/assets/GraphView-CcbopFEU.js
//# sourceMappingURL=GraphView-CcbopFEU.js.map
+========
+//# sourceMappingURL=GraphView-CDDCHVO0.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/GraphView-CDDCHVO0.js
diff --git a/comfy/web/assets/GraphView-CBuSWMt1.css b/comfy/web/assets/GraphView-CqZ3opAX.css
similarity index 100%
rename from comfy/web/assets/GraphView-CBuSWMt1.css
rename to comfy/web/assets/GraphView-CqZ3opAX.css
diff --git a/comfy/web/assets/InstallView-DLb6JyWt.js b/comfy/web/assets/InstallView-By3hC1fC.js
similarity index 91%
rename from comfy/web/assets/InstallView-DLb6JyWt.js
rename to comfy/web/assets/InstallView-By3hC1fC.js
index 1314b3d70..170e933c4 100644
--- a/comfy/web/assets/InstallView-DLb6JyWt.js
+++ b/comfy/web/assets/InstallView-By3hC1fC.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value2) => __defProp(target, "name", { value: value2, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
import { B as BaseStyle, t as script$6, o as openBlock, f as createElementBlock, E as mergeProps, c7 as findIndexInList, c8 as find, aC as resolveComponent, H as createBlock, I as resolveDynamicComponent, N as withCtx, m as createBaseVNode, X as toDisplayString, K as renderSlot, J as createCommentVNode, T as normalizeClass, P as findSingle, F as Fragment, aD as Transition, i as withDirectives, v as vShow, al as UniqueComponentId, d as defineComponent, ab as ref, c9 as useModel, r as resolveDirective, k as createVNode, j as unref, ca as script$7, c2 as script$8, b2 as withModifiers, aF as createTextVNode, aO as script$9, a1 as useI18n, c as computed, aJ as script$a, bT as electronAPI, _ as _export_sfc, p as onMounted, aw as script$b, cb as script$c, cc as script$d, l as script$e, c4 as script$f, cd as MigrationItems, w as watchEffect, G as renderList, ce as script$g, c0 as useRouter, aT as toRaw } from "./index-Du3ctekX.js";
import { _ as _sfc_main$5 } from "./BaseViewTemplate-BG-_HPdC.js";
+========
+import { B as BaseStyle, y as script$6, o as openBlock, f as createElementBlock, G as mergeProps, c9 as findIndexInList, ca as find, aD as resolveComponent, J as createBlock, K as resolveDynamicComponent, P as withCtx, m as createBaseVNode, Z as toDisplayString, M as renderSlot, L as createCommentVNode, V as normalizeClass, R as findSingle, H as Fragment, aE as Transition, i as withDirectives, v as vShow, am as UniqueComponentId, d as defineComponent, ad as ref, cb as useModel, k as createVNode, j as unref, cc as script$7, c4 as script$8, b3 as withModifiers, aP as script$9, a3 as useI18n, c as computed, aK as script$a, aG as createTextVNode, p as pushScopeId, q as popScopeId, bV as electronAPI, _ as _export_sfc, t as onMounted, r as resolveDirective, ax as script$b, cd as script$c, ce as script$d, l as script$e, c6 as script$f, cf as MigrationItems, w as watchEffect, I as renderList, cg as script$g, c2 as useRouter, aU as toRaw } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$5 } from "./BaseViewTemplate-BhQMaVFP.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
var classes$4 = {
root: /* @__PURE__ */ __name(function root(_ref) {
var instance = _ref.instance;
@@ -542,6 +547,7 @@ const _hoisted_9$3 = { class: "text-sm text-neutral-400 mt-1" };
const _hoisted_10$3 = { class: "flex items-center gap-4" };
const _hoisted_11$3 = { class: "flex-1" };
const _hoisted_12$3 = { class: "text-lg font-medium text-neutral-100" };
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
const _hoisted_13$1 = { class: "text-sm text-neutral-400 mt-1" };
const _hoisted_14$1 = { class: "text-neutral-300" };
const _hoisted_15 = { class: "font-medium mb-2" };
@@ -549,6 +555,20 @@ const _hoisted_16 = { class: "list-disc pl-6 space-y-1" };
const _hoisted_17 = { class: "pi pi-info-circle text-neutral-400" };
const _hoisted_18 = { class: "font-medium mt-4 mb-2" };
const _hoisted_19 = { class: "list-disc pl-6 space-y-1" };
+========
+const _hoisted_13$2 = { class: "text-sm text-neutral-400 mt-1" };
+const _hoisted_14$2 = { class: "text-neutral-300" };
+const _hoisted_15$2 = { class: "font-medium mb-2" };
+const _hoisted_16$2 = { class: "list-disc pl-6 space-y-1" };
+const _hoisted_17$2 = { class: "font-medium mt-4 mb-2" };
+const _hoisted_18$2 = { class: "list-disc pl-6 space-y-1" };
+const _hoisted_19 = { class: "mt-4" };
+const _hoisted_20 = {
+ href: "https://comfy.org/privacy",
+ target: "_blank",
+ class: "text-blue-400 hover:text-blue-300 underline"
+};
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
const _sfc_main$4 = /* @__PURE__ */ defineComponent({
__name: "DesktopSettingsConfiguration",
props: {
@@ -607,6 +627,7 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
header: _ctx.$t("install.settings.dataCollectionDialog.title")
}, {
default: withCtx(() => [
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
createBaseVNode("div", _hoisted_14$1, [
createBaseVNode("h4", _hoisted_15, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.whatWeCollect")), 1),
createBaseVNode("ul", _hoisted_16, [
@@ -628,6 +649,19 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
]),
createBaseVNode("h4", _hoisted_18, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.whatWeDoNotCollect")), 1),
createBaseVNode("ul", _hoisted_19, [
+========
+ createBaseVNode("div", _hoisted_14$2, [
+ createBaseVNode("h4", _hoisted_15$2, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.whatWeCollect")), 1),
+ createBaseVNode("ul", _hoisted_16$2, [
+ createBaseVNode("li", null, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.collect.errorReports")), 1),
+ createBaseVNode("li", null, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.collect.systemInfo")), 1),
+ createBaseVNode("li", null, toDisplayString(_ctx.$t(
+ "install.settings.dataCollectionDialog.collect.userJourneyEvents"
+ )), 1)
+ ]),
+ createBaseVNode("h4", _hoisted_17$2, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.whatWeDoNotCollect")), 1),
+ createBaseVNode("ul", _hoisted_18$2, [
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
createBaseVNode("li", null, toDisplayString(_ctx.$t(
"install.settings.dataCollectionDialog.doNotCollect.personalInformation"
)), 1),
@@ -640,6 +674,9 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
createBaseVNode("li", null, toDisplayString(_ctx.$t(
"install.settings.dataCollectionDialog.doNotCollect.customNodeConfigurations"
)), 1)
+ ]),
+ createBaseVNode("div", _hoisted_19, [
+ createBaseVNode("a", _hoisted_20, toDisplayString(_ctx.$t("install.settings.dataCollectionDialog.viewFullPolicy")), 1)
])
])
]),
@@ -652,11 +689,45 @@ const _sfc_main$4 = /* @__PURE__ */ defineComponent({
const _imports_0 = "" + new URL("images/nvidia-logo.svg", import.meta.url).href;
const _imports_1 = "" + new URL("images/apple-mps-logo.png", import.meta.url).href;
const _imports_2 = "" + new URL("images/manual-configuration.svg", import.meta.url).href;
+const _withScopeId$1 = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-79125ff6"), n = n(), popScopeId(), n), "_withScopeId$1");
const _hoisted_1$3 = { class: "flex flex-col gap-6 w-[600px] h-[30rem] select-none" };
const _hoisted_2$3 = { class: "grow flex flex-col gap-4 text-neutral-300" };
const _hoisted_3$3 = { class: "text-2xl font-semibold text-neutral-100" };
const _hoisted_4$3 = { class: "m-1 text-neutral-400" };
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
const _hoisted_5$2 = {
+========
+const _hoisted_5$2 = /* @__PURE__ */ _withScopeId$1(() => /* @__PURE__ */ createBaseVNode("img", {
+ class: "m-12",
+ alt: "NVIDIA logo",
+ width: "196",
+ height: "32",
+ src: _imports_0
+}, null, -1));
+const _hoisted_6$2 = [
+ _hoisted_5$2
+];
+const _hoisted_7$2 = /* @__PURE__ */ _withScopeId$1(() => /* @__PURE__ */ createBaseVNode("img", {
+ class: "rounded-lg hover-brighten",
+ alt: "Apple Metal Performance Shaders Logo",
+ width: "292",
+ ratio: "",
+ src: _imports_1
+}, null, -1));
+const _hoisted_8$2 = [
+ _hoisted_7$2
+];
+const _hoisted_9$2 = /* @__PURE__ */ _withScopeId$1(() => /* @__PURE__ */ createBaseVNode("img", {
+ class: "m-12",
+ alt: "Manual configuration",
+ width: "196",
+ src: _imports_2
+}, null, -1));
+const _hoisted_10$2 = [
+ _hoisted_9$2
+];
+const _hoisted_11$2 = {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
key: 0,
class: "m-1"
};
@@ -1094,6 +1165,10 @@ const _sfc_main$1 = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
+========
+const _withScopeId = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-0a97b0ae"), n = n(), popScopeId(), n), "_withScopeId");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
const _hoisted_1 = { class: "flex pt-6 justify-end" };
const _hoisted_2 = { class: "flex pt-6 justify-between" };
const _hoisted_3 = { class: "flex pt-6 justify-between" };
@@ -1111,7 +1186,11 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
const highestStep = ref(0);
const handleStepChange = /* @__PURE__ */ __name((value2) => {
setHighestStep(value2);
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
electronAPI().Config.trackEvent("install_stepper_change", {
+========
+ electronAPI().Events.trackEvent("install_stepper_change", {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
step: value2
});
}, "handleStepChange");
@@ -1142,7 +1221,11 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
if (detectedGpu === "mps" || detectedGpu === "nvidia") {
device.value = detectedGpu;
}
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
electronAPI().Config.trackEvent("install_stepper_change", {
+========
+ electronAPI().Events.trackEvent("install_stepper_change", {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
step: "0",
gpu: detectedGpu
});
@@ -1303,8 +1386,16 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
};
}
});
+<<<<<<<< HEAD:comfy/web/assets/InstallView-DLb6JyWt.js
const InstallView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-76d7916c"]]);
export {
InstallView as default
};
//# sourceMappingURL=InstallView-DLb6JyWt.js.map
+========
+const InstallView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-0a97b0ae"]]);
+export {
+ InstallView as default
+};
+//# sourceMappingURL=InstallView-By3hC1fC.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-By3hC1fC.js
diff --git a/comfy/web/assets/InstallView-BATGdh8B.css b/comfy/web/assets/InstallView-CxhfFC8Y.css
similarity index 69%
rename from comfy/web/assets/InstallView-BATGdh8B.css
rename to comfy/web/assets/InstallView-CxhfFC8Y.css
index 5f9c1ae69..c486b8674 100644
--- a/comfy/web/assets/InstallView-BATGdh8B.css
+++ b/comfy/web/assets/InstallView-CxhfFC8Y.css
@@ -2,13 +2,20 @@
.p-tag[data-v-79125ff6] {
--p-tag-gap: 0.5rem;
}
+<<<<<<<< HEAD:comfy/web/assets/InstallView-BATGdh8B.css
.hover-brighten {
&[data-v-79125ff6] {
+========
+.hover-brighten[data-v-79125ff6] {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-CxhfFC8Y.css
transition-property: color, background-color, border-color, text-decoration-color, fill, stroke;
transition-timing-function: cubic-bezier(0.4, 0, 0.2, 1);
transition-duration: 150ms;
transition-property: filter, box-shadow;
+<<<<<<<< HEAD:comfy/web/assets/InstallView-BATGdh8B.css
}
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-CxhfFC8Y.css
&[data-v-79125ff6]:hover {
filter: brightness(107%) contrast(105%);
box-shadow: 0 0 0.25rem #ffffff79;
@@ -22,7 +29,11 @@
transition-timing-function: cubic-bezier(0.4, 0, 0.2, 1);
transition-duration: 150ms;
}
+<<<<<<<< HEAD:comfy/web/assets/InstallView-BATGdh8B.css
div.selected {
+========
+div.selected[data-v-79125ff6] {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-CxhfFC8Y.css
.gpu-button[data-v-79125ff6]:not(.selected) {
opacity: 0.5;
}
@@ -48,7 +59,11 @@ div.selected {
.gpu-button[data-v-79125ff6]:hover {
--tw-bg-opacity: 0.75;
}
+<<<<<<<< HEAD:comfy/web/assets/InstallView-BATGdh8B.css
.gpu-button {
+========
+.gpu-button[data-v-79125ff6] {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-CxhfFC8Y.css
&.selected[data-v-79125ff6] {
--tw-bg-opacity: 1;
background-color: rgb(64 64 64 / var(--tw-bg-opacity, 1));
@@ -76,6 +91,10 @@ div.selected {
text-align: center;
}
+<<<<<<<< HEAD:comfy/web/assets/InstallView-BATGdh8B.css
[data-v-76d7916c] .p-steppanel {
+========
+[data-v-0a97b0ae] .p-steppanel {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/InstallView-CxhfFC8Y.css
background-color: transparent
}
diff --git a/comfy/web/assets/KeybindingPanel-B_BiXc7p.js b/comfy/web/assets/KeybindingPanel-D6O16W_1.js
similarity index 90%
rename from comfy/web/assets/KeybindingPanel-B_BiXc7p.js
rename to comfy/web/assets/KeybindingPanel-D6O16W_1.js
index 42cf670bc..6f9809d07 100644
--- a/comfy/web/assets/KeybindingPanel-B_BiXc7p.js
+++ b/comfy/web/assets/KeybindingPanel-D6O16W_1.js
@@ -1,9 +1,16 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/KeybindingPanel-B_BiXc7p.js
import { d as defineComponent, c as computed, o as openBlock, f as createElementBlock, F as Fragment, G as renderList, k as createVNode, N as withCtx, aF as createTextVNode, X as toDisplayString, j as unref, aJ as script, J as createCommentVNode, ab as ref, cr as FilterMatchMode, a_ as useKeybindingStore, a2 as useCommandStore, a1 as useI18n, af as normalizeI18nKey, w as watchEffect, bx as useToast, r as resolveDirective, H as createBlock, cs as SearchBox, m as createBaseVNode, l as script$2, aw as script$4, b2 as withModifiers, c4 as script$5, aO as script$6, i as withDirectives, ct as _sfc_main$2, cu as KeyComboImpl, cv as KeybindingImpl, _ as _export_sfc } from "./index-Du3ctekX.js";
import { s as script$1, a as script$3 } from "./index-BV_B5E0F.js";
import { u as useKeybindingService } from "./keybindingService-GjQNTASR.js";
import "./index-Bg6k6_F8.js";
+========
+import { d as defineComponent, c as computed, o as openBlock, f as createElementBlock, H as Fragment, I as renderList, k as createVNode, P as withCtx, aG as createTextVNode, Z as toDisplayString, j as unref, aK as script, L as createCommentVNode, ad as ref, cu as FilterMatchMode, a$ as useKeybindingStore, a4 as useCommandStore, a3 as useI18n, ah as normalizeI18nKey, w as watchEffect, bz as useToast, r as resolveDirective, J as createBlock, cv as SearchBox, m as createBaseVNode, l as script$2, ax as script$4, b3 as withModifiers, c6 as script$5, aP as script$6, i as withDirectives, cw as _sfc_main$2, p as pushScopeId, q as popScopeId, cx as KeyComboImpl, cy as KeybindingImpl, _ as _export_sfc } from "./index-QvfM__ze.js";
+import { s as script$1, a as script$3 } from "./index-DpF-ptbJ.js";
+import { u as useKeybindingService } from "./keybindingService-Cak1En5n.js";
+import "./index-Q1cQr26V.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/KeybindingPanel-D6O16W_1.js
const _hoisted_1$1 = {
key: 0,
class: "px-2"
@@ -279,4 +286,8 @@ const KeybindingPanel = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "d
export {
KeybindingPanel as default
};
+<<<<<<<< HEAD:comfy/web/assets/KeybindingPanel-B_BiXc7p.js
//# sourceMappingURL=KeybindingPanel-B_BiXc7p.js.map
+========
+//# sourceMappingURL=KeybindingPanel-D6O16W_1.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/KeybindingPanel-D6O16W_1.js
diff --git a/comfy/web/assets/ManualConfigurationView-Cq3hPfap.css b/comfy/web/assets/ManualConfigurationView-CsirlNfV.css
similarity index 100%
rename from comfy/web/assets/ManualConfigurationView-Cq3hPfap.css
rename to comfy/web/assets/ManualConfigurationView-CsirlNfV.css
diff --git a/comfy/web/assets/ManualConfigurationView-Cf62OEk9.js b/comfy/web/assets/ManualConfigurationView-enyqGo0M.js
similarity index 80%
rename from comfy/web/assets/ManualConfigurationView-Cf62OEk9.js
rename to comfy/web/assets/ManualConfigurationView-enyqGo0M.js
index e2c8c2079..38e1c489a 100644
--- a/comfy/web/assets/ManualConfigurationView-Cf62OEk9.js
+++ b/comfy/web/assets/ManualConfigurationView-enyqGo0M.js
@@ -1,7 +1,13 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ManualConfigurationView-Cf62OEk9.js
import { d as defineComponent, a1 as useI18n, ab as ref, p as onMounted, o as openBlock, H as createBlock, N as withCtx, m as createBaseVNode, X as toDisplayString, k as createVNode, j as unref, aJ as script, bL as script$1, l as script$2, bT as electronAPI, _ as _export_sfc } from "./index-Du3ctekX.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-BG-_HPdC.js";
+========
+import { d as defineComponent, a3 as useI18n, ad as ref, t as onMounted, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, Z as toDisplayString, k as createVNode, j as unref, aK as script, bN as script$1, l as script$2, p as pushScopeId, q as popScopeId, bV as electronAPI, _ as _export_sfc } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+const _withScopeId = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-dc169863"), n = n(), popScopeId(), n), "_withScopeId");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/ManualConfigurationView-enyqGo0M.js
const _hoisted_1 = { class: "comfy-installer grow flex flex-col gap-4 text-neutral-300 max-w-110" };
const _hoisted_2 = { class: "text-2xl font-semibold text-neutral-100" };
const _hoisted_3 = { class: "m-1 text-neutral-300" };
@@ -71,4 +77,8 @@ const ManualConfigurationView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scop
export {
ManualConfigurationView as default
};
+<<<<<<<< HEAD:comfy/web/assets/ManualConfigurationView-Cf62OEk9.js
//# sourceMappingURL=ManualConfigurationView-Cf62OEk9.js.map
+========
+//# sourceMappingURL=ManualConfigurationView-enyqGo0M.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/ManualConfigurationView-enyqGo0M.js
diff --git a/comfy/web/assets/MetricsConsentView-lSfLu4nr.js b/comfy/web/assets/MetricsConsentView-lSfLu4nr.js
new file mode 100644
index 000000000..a53fdbb9c
--- /dev/null
+++ b/comfy/web/assets/MetricsConsentView-lSfLu4nr.js
@@ -0,0 +1,86 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+import { d as defineComponent, bz as useToast, a3 as useI18n, ad as ref, c2 as useRouter, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, Z as toDisplayString, aG as createTextVNode, k as createVNode, j as unref, cc as script, l as script$1, bV as electronAPI } from "./index-QvfM__ze.js";
+const _hoisted_1 = { class: "h-full p-8 2xl:p-16 flex flex-col items-center justify-center" };
+const _hoisted_2 = { class: "bg-neutral-800 rounded-lg shadow-lg p-6 w-full max-w-[600px] flex flex-col gap-6" };
+const _hoisted_3 = { class: "text-3xl font-semibold text-neutral-100" };
+const _hoisted_4 = { class: "text-neutral-400" };
+const _hoisted_5 = { class: "text-neutral-400" };
+const _hoisted_6 = {
+ href: "https://comfy.org/privacy",
+ target: "_blank",
+ class: "text-blue-400 hover:text-blue-300 underline"
+};
+const _hoisted_7 = { class: "flex items-center gap-4" };
+const _hoisted_8 = {
+ id: "metricsDescription",
+ class: "text-neutral-100"
+};
+const _hoisted_9 = { class: "flex pt-6 justify-end" };
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "MetricsConsentView",
+ setup(__props) {
+ const toast = useToast();
+ const { t } = useI18n();
+ const allowMetrics = ref(true);
+ const router = useRouter();
+ const isUpdating = ref(false);
+ const updateConsent = /* @__PURE__ */ __name(async () => {
+ isUpdating.value = true;
+ try {
+ await electronAPI().setMetricsConsent(allowMetrics.value);
+ } catch (error) {
+ toast.add({
+ severity: "error",
+ summary: t("install.errorUpdatingConsent"),
+ detail: t("install.errorUpdatingConsentDetail"),
+ life: 3e3
+ });
+ } finally {
+ isUpdating.value = false;
+ }
+ router.push("/");
+ }, "updateConsent");
+ return (_ctx, _cache) => {
+ const _component_BaseViewTemplate = _sfc_main$1;
+ return openBlock(), createBlock(_component_BaseViewTemplate, { dark: "" }, {
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_1, [
+ createBaseVNode("div", _hoisted_2, [
+ createBaseVNode("h2", _hoisted_3, toDisplayString(_ctx.$t("install.helpImprove")), 1),
+ createBaseVNode("p", _hoisted_4, toDisplayString(_ctx.$t("install.updateConsent")), 1),
+ createBaseVNode("p", _hoisted_5, [
+ createTextVNode(toDisplayString(_ctx.$t("install.moreInfo")) + " ", 1),
+ createBaseVNode("a", _hoisted_6, toDisplayString(_ctx.$t("install.privacyPolicy")), 1),
+ createTextVNode(". ")
+ ]),
+ createBaseVNode("div", _hoisted_7, [
+ createVNode(unref(script), {
+ modelValue: allowMetrics.value,
+ "onUpdate:modelValue": _cache[0] || (_cache[0] = ($event) => allowMetrics.value = $event),
+ "aria-describedby": "metricsDescription"
+ }, null, 8, ["modelValue"]),
+ createBaseVNode("span", _hoisted_8, toDisplayString(allowMetrics.value ? _ctx.$t("install.metricsEnabled") : _ctx.$t("install.metricsDisabled")), 1)
+ ]),
+ createBaseVNode("div", _hoisted_9, [
+ createVNode(unref(script$1), {
+ label: _ctx.$t("g.ok"),
+ icon: "pi pi-check",
+ loading: isUpdating.value,
+ iconPos: "right",
+ onClick: updateConsent
+ }, null, 8, ["label", "loading"])
+ ])
+ ])
+ ])
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+export {
+ _sfc_main as default
+};
+//# sourceMappingURL=MetricsConsentView-lSfLu4nr.js.map
diff --git a/comfy/web/assets/NotSupportedView-BiyVuLfX.css b/comfy/web/assets/NotSupportedView-BiyVuLfX.css
deleted file mode 100644
index 594783813..000000000
--- a/comfy/web/assets/NotSupportedView-BiyVuLfX.css
+++ /dev/null
@@ -1,19 +0,0 @@
-
-.sad-container {
-&[data-v-ebb20958] {
- display: grid;
- align-items: center;
- justify-content: space-evenly;
- grid-template-columns: 25rem 1fr;
-}
-&[data-v-ebb20958] > * {
- grid-row: 1;
-}
-}
-.sad-text[data-v-ebb20958] {
- grid-column: 1/3;
-}
-.sad-girl[data-v-ebb20958] {
- grid-column: 2/3;
- width: min(75vw, 100vh);
-}
diff --git a/comfy/web/assets/NotSupportedView-DQerxQzi.css b/comfy/web/assets/NotSupportedView-DQerxQzi.css
new file mode 100644
index 000000000..d76855016
--- /dev/null
+++ b/comfy/web/assets/NotSupportedView-DQerxQzi.css
@@ -0,0 +1,26 @@
+
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-BiyVuLfX.css
+.sad-container {
+&[data-v-ebb20958] {
+========
+.sad-container[data-v-ebb20958] {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/NotSupportedView-DQerxQzi.css
+ display: grid;
+ align-items: center;
+ justify-content: space-evenly;
+ grid-template-columns: 25rem 1fr;
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-BiyVuLfX.css
+}
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/NotSupportedView-DQerxQzi.css
+&[data-v-ebb20958] > * {
+ grid-row: 1;
+}
+}
+.sad-text[data-v-ebb20958] {
+ grid-column: 1/3;
+}
+.sad-girl[data-v-ebb20958] {
+ grid-column: 2/3;
+ width: min(75vw, 100vh);
+}
diff --git a/comfy/web/assets/NotSupportedView-DyADE5iE.js b/comfy/web/assets/NotSupportedView-Vc8_xWgH.js
similarity index 71%
rename from comfy/web/assets/NotSupportedView-DyADE5iE.js
rename to comfy/web/assets/NotSupportedView-Vc8_xWgH.js
index fb802c332..3bef0763a 100644
--- a/comfy/web/assets/NotSupportedView-DyADE5iE.js
+++ b/comfy/web/assets/NotSupportedView-Vc8_xWgH.js
@@ -1,9 +1,16 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-DyADE5iE.js
import { d as defineComponent, c0 as useRouter, r as resolveDirective, o as openBlock, H as createBlock, N as withCtx, m as createBaseVNode, X as toDisplayString, k as createVNode, j as unref, l as script, i as withDirectives, _ as _export_sfc } from "./index-Du3ctekX.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-BG-_HPdC.js";
+========
+import { d as defineComponent, c2 as useRouter, r as resolveDirective, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, Z as toDisplayString, k as createVNode, j as unref, l as script, i as withDirectives, p as pushScopeId, q as popScopeId, _ as _export_sfc } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/NotSupportedView-Vc8_xWgH.js
const _imports_0 = "" + new URL("images/sad_girl.png", import.meta.url).href;
+const _withScopeId = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-ebb20958"), n = n(), popScopeId(), n), "_withScopeId");
const _hoisted_1 = { class: "sad-container" };
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-DyADE5iE.js
const _hoisted_2 = { class: "no-drag sad-text flex items-center" };
const _hoisted_3 = { class: "flex flex-col gap-8 p-8 min-w-110" };
const _hoisted_4 = { class: "text-4xl font-bold text-red-500" };
@@ -11,6 +18,20 @@ const _hoisted_5 = { class: "space-y-4" };
const _hoisted_6 = { class: "text-xl" };
const _hoisted_7 = { class: "list-disc list-inside space-y-1 text-neutral-800" };
const _hoisted_8 = { class: "flex gap-4" };
+========
+const _hoisted_2 = /* @__PURE__ */ _withScopeId(() => /* @__PURE__ */ createBaseVNode("img", {
+ class: "sad-girl",
+ src: _imports_0,
+ alt: "Sad girl illustration"
+}, null, -1));
+const _hoisted_3 = { class: "no-drag sad-text flex items-center" };
+const _hoisted_4 = { class: "flex flex-col gap-8 p-8 min-w-110" };
+const _hoisted_5 = { class: "text-4xl font-bold text-red-500" };
+const _hoisted_6 = { class: "space-y-4" };
+const _hoisted_7 = { class: "text-xl" };
+const _hoisted_8 = { class: "list-disc list-inside space-y-1 text-neutral-800" };
+const _hoisted_9 = { class: "flex gap-4" };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/NotSupportedView-Vc8_xWgH.js
const _sfc_main = /* @__PURE__ */ defineComponent({
__name: "NotSupportedView",
setup(__props) {
@@ -83,4 +104,8 @@ const NotSupportedView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "
export {
NotSupportedView as default
};
+<<<<<<<< HEAD:comfy/web/assets/NotSupportedView-DyADE5iE.js
//# sourceMappingURL=NotSupportedView-DyADE5iE.js.map
+========
+//# sourceMappingURL=NotSupportedView-Vc8_xWgH.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/NotSupportedView-Vc8_xWgH.js
diff --git a/comfy/web/assets/ServerConfigPanel-DgJqhnkz.js b/comfy/web/assets/ServerConfigPanel-B-w0HFlz.js
similarity index 87%
rename from comfy/web/assets/ServerConfigPanel-DgJqhnkz.js
rename to comfy/web/assets/ServerConfigPanel-B-w0HFlz.js
index 4b47935f1..ba563cf00 100644
--- a/comfy/web/assets/ServerConfigPanel-DgJqhnkz.js
+++ b/comfy/web/assets/ServerConfigPanel-B-w0HFlz.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/ServerConfigPanel-DgJqhnkz.js
import { o as openBlock, f as createElementBlock, m as createBaseVNode, Z as markRaw, d as defineComponent, a as useSettingStore, aR as storeToRefs, a5 as watch, cR as useCopyToClipboard, a1 as useI18n, H as createBlock, N as withCtx, j as unref, c4 as script, X as toDisplayString, G as renderList, F as Fragment, k as createVNode, l as script$1, J as createCommentVNode, c2 as script$2, cS as FormItem, ct as _sfc_main$1, bT as electronAPI } from "./index-Du3ctekX.js";
import { u as useServerConfigStore } from "./serverConfigStore-B0br_pYH.js";
+========
+import { m as createBaseVNode, o as openBlock, f as createElementBlock, a0 as markRaw, d as defineComponent, a as useSettingStore, aS as storeToRefs, a7 as watch, cW as useCopyToClipboard, a3 as useI18n, J as createBlock, P as withCtx, j as unref, c6 as script, Z as toDisplayString, I as renderList, H as Fragment, k as createVNode, l as script$1, L as createCommentVNode, c4 as script$2, cX as FormItem, cw as _sfc_main$1, bV as electronAPI } from "./index-QvfM__ze.js";
+import { u as useServerConfigStore } from "./serverConfigStore-DCme3xlV.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/ServerConfigPanel-B-w0HFlz.js
const _hoisted_1$1 = {
viewBox: "0 0 24 24",
width: "1.2em",
@@ -153,4 +158,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as default
};
+<<<<<<<< HEAD:comfy/web/assets/ServerConfigPanel-DgJqhnkz.js
//# sourceMappingURL=ServerConfigPanel-DgJqhnkz.js.map
+========
+//# sourceMappingURL=ServerConfigPanel-B-w0HFlz.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/ServerConfigPanel-B-w0HFlz.js
diff --git a/comfy/web/assets/ServerStartView-48wfE1MS.js b/comfy/web/assets/ServerStartView-48wfE1MS.js
new file mode 100644
index 000000000..4b74f5ad1
--- /dev/null
+++ b/comfy/web/assets/ServerStartView-48wfE1MS.js
@@ -0,0 +1,101 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { d as defineComponent, a3 as useI18n, ad as ref, c7 as ProgressStatus, t as onMounted, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, aG as createTextVNode, Z as toDisplayString, j as unref, f as createElementBlock, L as createCommentVNode, k as createVNode, l as script, i as withDirectives, v as vShow, c8 as BaseTerminal, p as pushScopeId, q as popScopeId, bV as electronAPI, _ as _export_sfc } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+const _withScopeId = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-4140d62b"), n = n(), popScopeId(), n), "_withScopeId");
+const _hoisted_1 = { class: "flex flex-col w-full h-full items-center" };
+const _hoisted_2 = { class: "text-2xl font-bold" };
+const _hoisted_3 = { key: 0 };
+const _hoisted_4 = {
+ key: 0,
+ class: "flex flex-col items-center gap-4"
+};
+const _hoisted_5 = { class: "flex items-center my-4 gap-2" };
+const _sfc_main = /* @__PURE__ */ defineComponent({
+ __name: "ServerStartView",
+ setup(__props) {
+ const electron = electronAPI();
+ const { t } = useI18n();
+ const status = ref(ProgressStatus.INITIAL_STATE);
+ const electronVersion = ref("");
+ let xterm;
+ const terminalVisible = ref(true);
+ const updateProgress = /* @__PURE__ */ __name(({ status: newStatus }) => {
+ status.value = newStatus;
+ if (newStatus === ProgressStatus.ERROR) terminalVisible.value = false;
+ else xterm?.clear();
+ }, "updateProgress");
+ const terminalCreated = /* @__PURE__ */ __name(({ terminal, useAutoSize }, root) => {
+ xterm = terminal;
+ useAutoSize({ root, autoRows: true, autoCols: true });
+ electron.onLogMessage((message) => {
+ terminal.write(message);
+ });
+ terminal.options.cursorBlink = false;
+ terminal.options.disableStdin = true;
+ terminal.options.cursorInactiveStyle = "block";
+ }, "terminalCreated");
+ const reinstall = /* @__PURE__ */ __name(() => electron.reinstall(), "reinstall");
+ const reportIssue = /* @__PURE__ */ __name(() => {
+ window.open("https://forum.comfy.org/c/v1-feedback/", "_blank");
+ }, "reportIssue");
+ const openLogs = /* @__PURE__ */ __name(() => electron.openLogsFolder(), "openLogs");
+ onMounted(async () => {
+ electron.sendReady();
+ electron.onProgressUpdate(updateProgress);
+ electronVersion.value = await electron.getElectronVersion();
+ });
+ return (_ctx, _cache) => {
+ return openBlock(), createBlock(_sfc_main$1, {
+ dark: "",
+ class: "flex-col"
+ }, {
+ default: withCtx(() => [
+ createBaseVNode("div", _hoisted_1, [
+ createBaseVNode("h2", _hoisted_2, [
+ createTextVNode(toDisplayString(unref(t)(`serverStart.process.${status.value}`)) + " ", 1),
+ status.value === unref(ProgressStatus).ERROR ? (openBlock(), createElementBlock("span", _hoisted_3, " v" + toDisplayString(electronVersion.value), 1)) : createCommentVNode("", true)
+ ]),
+ status.value === unref(ProgressStatus).ERROR ? (openBlock(), createElementBlock("div", _hoisted_4, [
+ createBaseVNode("div", _hoisted_5, [
+ createVNode(unref(script), {
+ icon: "pi pi-flag",
+ severity: "secondary",
+ label: unref(t)("serverStart.reportIssue"),
+ onClick: reportIssue
+ }, null, 8, ["label"]),
+ createVNode(unref(script), {
+ icon: "pi pi-file",
+ severity: "secondary",
+ label: unref(t)("serverStart.openLogs"),
+ onClick: openLogs
+ }, null, 8, ["label"]),
+ createVNode(unref(script), {
+ icon: "pi pi-refresh",
+ label: unref(t)("serverStart.reinstall"),
+ onClick: reinstall
+ }, null, 8, ["label"])
+ ]),
+ !terminalVisible.value ? (openBlock(), createBlock(unref(script), {
+ key: 0,
+ icon: "pi pi-search",
+ severity: "secondary",
+ label: unref(t)("serverStart.showTerminal"),
+ onClick: _cache[0] || (_cache[0] = ($event) => terminalVisible.value = true)
+ }, null, 8, ["label"])) : createCommentVNode("", true)
+ ])) : createCommentVNode("", true),
+ withDirectives(createVNode(BaseTerminal, { onCreated: terminalCreated }, null, 512), [
+ [vShow, terminalVisible.value]
+ ])
+ ])
+ ]),
+ _: 1
+ });
+ };
+ }
+});
+const ServerStartView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-v-4140d62b"]]);
+export {
+ ServerStartView as default
+};
+//# sourceMappingURL=ServerStartView-48wfE1MS.js.map
diff --git a/comfy/web/assets/ServerStartView-BXemwYfj.css b/comfy/web/assets/ServerStartView-CJiwVDQY.css
similarity index 100%
rename from comfy/web/assets/ServerStartView-BXemwYfj.css
rename to comfy/web/assets/ServerStartView-CJiwVDQY.css
diff --git a/comfy/web/assets/UserSelectView-CPq4bKTd.js b/comfy/web/assets/UserSelectView-CXmVKOeK.js
similarity index 84%
rename from comfy/web/assets/UserSelectView-CPq4bKTd.js
rename to comfy/web/assets/UserSelectView-CXmVKOeK.js
index 4665143fd..c93765794 100644
--- a/comfy/web/assets/UserSelectView-CPq4bKTd.js
+++ b/comfy/web/assets/UserSelectView-CXmVKOeK.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/UserSelectView-CPq4bKTd.js
import { d as defineComponent, aW as useUserStore, c0 as useRouter, ab as ref, c as computed, p as onMounted, o as openBlock, H as createBlock, N as withCtx, m as createBaseVNode, X as toDisplayString, k as createVNode, c1 as withKeys, j as unref, aw as script, c2 as script$1, c3 as script$2, c4 as script$3, aF as createTextVNode, J as createCommentVNode, l as script$4 } from "./index-Du3ctekX.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-BG-_HPdC.js";
+========
+import { d as defineComponent, aX as useUserStore, c2 as useRouter, ad as ref, c as computed, t as onMounted, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, Z as toDisplayString, k as createVNode, c3 as withKeys, j as unref, ax as script, c4 as script$1, c5 as script$2, c6 as script$3, aG as createTextVNode, L as createCommentVNode, l as script$4 } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/UserSelectView-CXmVKOeK.js
const _hoisted_1 = {
id: "comfy-user-selection",
class: "min-w-84 relative rounded-lg bg-[var(--comfy-menu-bg)] p-5 px-10 shadow-lg"
@@ -98,4 +103,8 @@ const _sfc_main = /* @__PURE__ */ defineComponent({
export {
_sfc_main as default
};
+<<<<<<<< HEAD:comfy/web/assets/UserSelectView-CPq4bKTd.js
//# sourceMappingURL=UserSelectView-CPq4bKTd.js.map
+========
+//# sourceMappingURL=UserSelectView-CXmVKOeK.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/UserSelectView-CXmVKOeK.js
diff --git a/comfy/web/assets/WelcomeView-BmGjncl9.js b/comfy/web/assets/WelcomeView-C8whKl15.js
similarity index 67%
rename from comfy/web/assets/WelcomeView-BmGjncl9.js
rename to comfy/web/assets/WelcomeView-C8whKl15.js
index c47cfc464..76cc6f1c9 100644
--- a/comfy/web/assets/WelcomeView-BmGjncl9.js
+++ b/comfy/web/assets/WelcomeView-C8whKl15.js
@@ -1,7 +1,13 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/WelcomeView-BmGjncl9.js
import { d as defineComponent, c0 as useRouter, o as openBlock, H as createBlock, N as withCtx, m as createBaseVNode, X as toDisplayString, k as createVNode, j as unref, l as script, _ as _export_sfc } from "./index-Du3ctekX.js";
import { _ as _sfc_main$1 } from "./BaseViewTemplate-BG-_HPdC.js";
+========
+import { d as defineComponent, c2 as useRouter, o as openBlock, J as createBlock, P as withCtx, m as createBaseVNode, Z as toDisplayString, k as createVNode, j as unref, l as script, p as pushScopeId, q as popScopeId, _ as _export_sfc } from "./index-QvfM__ze.js";
+import { _ as _sfc_main$1 } from "./BaseViewTemplate-BhQMaVFP.js";
+const _withScopeId = /* @__PURE__ */ __name((n) => (pushScopeId("data-v-7dfaf74c"), n = n(), popScopeId(), n), "_withScopeId");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/WelcomeView-C8whKl15.js
const _hoisted_1 = { class: "flex flex-col items-center justify-center gap-8 p-8" };
const _hoisted_2 = { class: "animated-gradient-text text-glow select-none" };
const _sfc_main = /* @__PURE__ */ defineComponent({
@@ -36,4 +42,8 @@ const WelcomeView = /* @__PURE__ */ _export_sfc(_sfc_main, [["__scopeId", "data-
export {
WelcomeView as default
};
+<<<<<<<< HEAD:comfy/web/assets/WelcomeView-BmGjncl9.js
//# sourceMappingURL=WelcomeView-BmGjncl9.js.map
+========
+//# sourceMappingURL=WelcomeView-C8whKl15.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/WelcomeView-C8whKl15.js
diff --git a/comfy/web/assets/index-BwaYE8Fk.css b/comfy/web/assets/index-Cf-n7v0V.css
similarity index 99%
rename from comfy/web/assets/index-BwaYE8Fk.css
rename to comfy/web/assets/index-Cf-n7v0V.css
index a537145e9..8109d6987 100644
--- a/comfy/web/assets/index-BwaYE8Fk.css
+++ b/comfy/web/assets/index-Cf-n7v0V.css
@@ -2367,6 +2367,9 @@
.max-w-\[150px\]{
max-width: 150px;
}
+ .max-w-\[600px\]{
+ max-width: 600px;
+ }
.max-w-full{
max-width: 100%;
}
@@ -2665,6 +2668,9 @@
.p-5{
padding: 1.25rem;
}
+ .p-6{
+ padding: 1.5rem;
+ }
.p-8{
padding: 2rem;
}
@@ -2731,6 +2737,9 @@
.text-2xl{
font-size: 1.5rem;
}
+ .text-3xl{
+ font-size: 1.875rem;
+ }
.text-4xl{
font-size: 2.25rem;
}
@@ -2813,6 +2822,9 @@
--tw-text-opacity: 1;
color: rgb(239 68 68 / var(--tw-text-opacity, 1));
}
+ .underline{
+ text-decoration-line: underline;
+ }
.no-underline{
text-decoration-line: none;
}
@@ -3659,6 +3671,7 @@ audio.comfy-audio.empty-audio-widget {
/* [Desktop] Electron window specific styles */
.app-drag {
app-region: drag;
+<<<<<<<< HEAD:comfy/web/assets/index-BwaYE8Fk.css
}
.no-drag {
@@ -3673,6 +3686,22 @@ audio.comfy-audio.empty-audio-widget {
--tw-bg-opacity: 1;
background-color: rgb(64 64 64 / var(--tw-bg-opacity, 1));
}
+========
+}
+
+.no-drag {
+ app-region: no-drag;
+}
+
+.window-actions-spacer {
+ width: calc(100vw - env(titlebar-area-width, 100vw));
+}
+/* End of [Desktop] Electron window specific styles */
+.hover\:bg-neutral-700:hover{
+ --tw-bg-opacity: 1;
+ background-color: rgb(64 64 64 / var(--tw-bg-opacity));
+}
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-Cf-n7v0V.css
.hover\:bg-opacity-75:hover{
--tw-bg-opacity: 0.75;
}
diff --git a/comfy/web/assets/index-BV_B5E0F.js b/comfy/web/assets/index-DpF-ptbJ.js
similarity index 99%
rename from comfy/web/assets/index-BV_B5E0F.js
rename to comfy/web/assets/index-DpF-ptbJ.js
index b93948cdd..50e7f1aa5 100644
--- a/comfy/web/assets/index-BV_B5E0F.js
+++ b/comfy/web/assets/index-DpF-ptbJ.js
@@ -1,7 +1,12 @@
var __defProp = Object.defineProperty;
var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+<<<<<<<< HEAD:comfy/web/assets/index-BV_B5E0F.js
import { B as BaseStyle, t as script$s, bp as script$t, o as openBlock, f as createElementBlock, E as mergeProps, m as createBaseVNode, X as toDisplayString, S as Ripple, r as resolveDirective, i as withDirectives, H as createBlock, I as resolveDynamicComponent, c3 as script$u, aC as resolveComponent, T as normalizeClass, aE as createSlots, N as withCtx, bE as script$v, bB as script$w, F as Fragment, G as renderList, aF as createTextVNode, bv as setAttribute, bt as normalizeProps, K as renderSlot, J as createCommentVNode, ak as script$x, R as equals, bq as script$y, ce as script$z, cx as getFirstFocusableElement, ao as OverlayEventBus, C as getVNodeProp, an as resolveFieldData, cy as invokeElementMethod, O as getAttribute, cz as getNextElementSibling, z as getOuterWidth, cA as getPreviousElementSibling, l as script$A, az as script$B, W as script$C, bs as script$E, aj as isNotEmpty, b2 as withModifiers, A as getOuterHeight, al as UniqueComponentId, cB as _default, am as ZIndex, Q as focus, aq as addStyle, as as absolutePosition, at as ConnectedOverlayScrollHandler, au as isTouchDevice, cC as FilterOperator, ay as script$F, cD as script$G, cE as FocusTrap, k as createVNode, aD as Transition, c1 as withKeys, cF as getIndex, aV as script$H, cG as isClickable, cH as clearSelection, cI as localeComparator, cJ as sort, cK as FilterService, cr as FilterMatchMode, P as findSingle, c7 as findIndexInList, c8 as find, cL as exportCSV, U as getOffset, cM as getHiddenElementOuterWidth, cN as getHiddenElementOuterHeight, cO as reorderArray, cP as removeClass, cQ as addClass, ap as isEmpty, ax as script$I, aA as script$J } from "./index-Du3ctekX.js";
import { s as script$D } from "./index-Bg6k6_F8.js";
+========
+import { B as BaseStyle, y as script$s, cA as script$t, m as createBaseVNode, o as openBlock, f as createElementBlock, G as mergeProps, Z as toDisplayString, U as Ripple, r as resolveDirective, i as withDirectives, J as createBlock, K as resolveDynamicComponent, c5 as script$u, aD as resolveComponent, V as normalizeClass, aF as createSlots, P as withCtx, bG as script$v, bD as script$w, H as Fragment, I as renderList, aG as createTextVNode, bx as setAttribute, am as UniqueComponentId, bv as normalizeProps, M as renderSlot, L as createCommentVNode, T as equals, br as script$x, cg as script$y, cB as getFirstFocusableElement, ap as OverlayEventBus, E as getVNodeProp, ao as resolveFieldData, cC as invokeElementMethod, Q as getAttribute, cD as getNextElementSibling, C as getOuterWidth, cE as getPreviousElementSibling, l as script$z, aA as script$A, Y as script$B, bu as script$D, al as isNotEmpty, b3 as withModifiers, D as getOuterHeight, cF as _default, an as ZIndex, S as focus, ar as addStyle, at as absolutePosition, au as ConnectedOverlayScrollHandler, av as isTouchDevice, cG as FilterOperator, az as script$E, cH as script$F, cI as FocusTrap, k as createVNode, aE as Transition, c3 as withKeys, cJ as getIndex, aW as script$G, cK as isClickable, cL as clearSelection, cM as localeComparator, cN as sort, cO as FilterService, cu as FilterMatchMode, R as findSingle, c9 as findIndexInList, ca as find, cP as exportCSV, W as getOffset, cQ as getHiddenElementOuterWidth, cR as getHiddenElementOuterHeight, cS as reorderArray, cT as getWindowScrollTop, cU as removeClass, cV as addClass, aq as isEmpty, ay as script$H, aB as script$I } from "./index-QvfM__ze.js";
+import { s as script$C } from "./index-Q1cQr26V.js";
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-DpF-ptbJ.js
var ColumnStyle = BaseStyle.extend({
name: "column"
});
@@ -8829,4 +8834,8 @@ export {
script as a,
script$r as s
};
+<<<<<<<< HEAD:comfy/web/assets/index-BV_B5E0F.js
//# sourceMappingURL=index-BV_B5E0F.js.map
+========
+//# sourceMappingURL=index-DpF-ptbJ.js.map
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-DpF-ptbJ.js
diff --git a/comfy/web/assets/index-Q1cQr26V.js b/comfy/web/assets/index-Q1cQr26V.js
new file mode 100644
index 000000000..ce20e200e
--- /dev/null
+++ b/comfy/web/assets/index-Q1cQr26V.js
@@ -0,0 +1,29 @@
+var __defProp = Object.defineProperty;
+var __name = (target, value) => __defProp(target, "name", { value, configurable: true });
+import { cA as script$1, m as createBaseVNode, o as openBlock, f as createElementBlock, G as mergeProps } from "./index-QvfM__ze.js";
+var script = {
+ name: "BarsIcon",
+ "extends": script$1
+};
+var _hoisted_1 = /* @__PURE__ */ createBaseVNode("path", {
+ "fill-rule": "evenodd",
+ "clip-rule": "evenodd",
+ d: "M13.3226 3.6129H0.677419C0.497757 3.6129 0.325452 3.54152 0.198411 3.41448C0.0713707 3.28744 0 3.11514 0 2.93548C0 2.75581 0.0713707 2.58351 0.198411 2.45647C0.325452 2.32943 0.497757 2.25806 0.677419 2.25806H13.3226C13.5022 2.25806 13.6745 2.32943 13.8016 2.45647C13.9286 2.58351 14 2.75581 14 2.93548C14 3.11514 13.9286 3.28744 13.8016 3.41448C13.6745 3.54152 13.5022 3.6129 13.3226 3.6129ZM13.3226 7.67741H0.677419C0.497757 7.67741 0.325452 7.60604 0.198411 7.479C0.0713707 7.35196 0 7.17965 0 6.99999C0 6.82033 0.0713707 6.64802 0.198411 6.52098C0.325452 6.39394 0.497757 6.32257 0.677419 6.32257H13.3226C13.5022 6.32257 13.6745 6.39394 13.8016 6.52098C13.9286 6.64802 14 6.82033 14 6.99999C14 7.17965 13.9286 7.35196 13.8016 7.479C13.6745 7.60604 13.5022 7.67741 13.3226 7.67741ZM0.677419 11.7419H13.3226C13.5022 11.7419 13.6745 11.6706 13.8016 11.5435C13.9286 11.4165 14 11.2442 14 11.0645C14 10.8848 13.9286 10.7125 13.8016 10.5855C13.6745 10.4585 13.5022 10.3871 13.3226 10.3871H0.677419C0.497757 10.3871 0.325452 10.4585 0.198411 10.5855C0.0713707 10.7125 0 10.8848 0 11.0645C0 11.2442 0.0713707 11.4165 0.198411 11.5435C0.325452 11.6706 0.497757 11.7419 0.677419 11.7419Z",
+ fill: "currentColor"
+}, null, -1);
+var _hoisted_2 = [_hoisted_1];
+function render(_ctx, _cache, $props, $setup, $data, $options) {
+ return openBlock(), createElementBlock("svg", mergeProps({
+ width: "14",
+ height: "14",
+ viewBox: "0 0 14 14",
+ fill: "none",
+ xmlns: "http://www.w3.org/2000/svg"
+ }, _ctx.pti()), _hoisted_2, 16);
+}
+__name(render, "render");
+script.render = render;
+export {
+ script as s
+};
+//# sourceMappingURL=index-Q1cQr26V.js.map
diff --git a/comfy/web/assets/index-Du3ctekX.js b/comfy/web/assets/index-QvfM__ze.js
similarity index 90%
rename from comfy/web/assets/index-Du3ctekX.js
rename to comfy/web/assets/index-QvfM__ze.js
index f55d11332..4b2e42ca9 100644
--- a/comfy/web/assets/index-Du3ctekX.js
+++ b/comfy/web/assets/index-QvfM__ze.js
@@ -1,6 +1,12 @@
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const __vite__mapDeps=(i,m=__vite__mapDeps,d=(m.f||(m.f=["./GraphView-CcbopFEU.js","./index-Bg6k6_F8.js","./keybindingService-GjQNTASR.js","./serverConfigStore-B0br_pYH.js","./GraphView-CBuSWMt1.css","./UserSelectView-CPq4bKTd.js","./BaseViewTemplate-BG-_HPdC.js","./ServerStartView-BxD3zfZI.js","./ServerStartView-BXemwYfj.css","./InstallView-DLb6JyWt.js","./InstallView-BATGdh8B.css","./WelcomeView-BmGjncl9.js","./WelcomeView-aCH40CSK.css","./NotSupportedView-DyADE5iE.js","./NotSupportedView-BiyVuLfX.css","./DownloadGitView-B0K5WWed.js","./ManualConfigurationView-Cf62OEk9.js","./ManualConfigurationView-Cq3hPfap.css","./KeybindingPanel-B_BiXc7p.js","./index-BV_B5E0F.js","./KeybindingPanel-Caa8sD2X.css","./ExtensionPanel-DUEsdkuv.js","./ServerConfigPanel-DgJqhnkz.js","./index-B0PURvIW.js","./index-A7qL4fzl.css"])))=>i.map(i=>d[i]);
var __defProp2 = Object.defineProperty;
var __name = (target2, value4) => __defProp2(target2, "name", { value: value4, configurable: true });
+========
+const __vite__mapDeps=(i,m=__vite__mapDeps,d=(m.f||(m.f=["./GraphView-CDDCHVO0.js","./index-Q1cQr26V.js","./keybindingService-Cak1En5n.js","./serverConfigStore-DCme3xlV.js","./GraphView-CqZ3opAX.css","./UserSelectView-CXmVKOeK.js","./BaseViewTemplate-BhQMaVFP.js","./ServerStartView-48wfE1MS.js","./ServerStartView-CJiwVDQY.css","./InstallView-By3hC1fC.js","./InstallView-CxhfFC8Y.css","./WelcomeView-C8whKl15.js","./WelcomeView-Brz3-luE.css","./NotSupportedView-Vc8_xWgH.js","./NotSupportedView-DQerxQzi.css","./DownloadGitView-rPK_vYgU.js","./ManualConfigurationView-enyqGo0M.js","./ManualConfigurationView-CsirlNfV.css","./MetricsConsentView-lSfLu4nr.js","./DesktopStartView-le6AjGZr.js","./KeybindingPanel-D6O16W_1.js","./index-DpF-ptbJ.js","./KeybindingPanel-DvrUYZ4S.css","./ExtensionPanel-3jWrm6Zi.js","./ServerConfigPanel-B-w0HFlz.js","./index-je62U6DH.js","./index-BRhY6FpL.css"])))=>i.map(i=>d[i]);
+var __defProp2 = Object.defineProperty;
+var __name = (target, value4) => __defProp2(target, "name", { value: value4, configurable: true });
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
(/* @__PURE__ */ __name(function polyfill2() {
const relList = document.createElement("link").relList;
if (relList && relList.supports && relList.supports("modulepreload")) {
@@ -40,6 +46,7 @@ var __name = (target2, value4) => __defProp2(target2, "name", { value: value4, c
}
__name(processPreload, "processPreload");
}, "polyfill"))();
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
var __defProp$3 = Object.defineProperty;
var __getOwnPropSymbols$2 = Object.getOwnPropertySymbols;
var __hasOwnProp$2 = Object.prototype.hasOwnProperty;
@@ -56,6 +63,24 @@ var __spreadValues$2 = /* @__PURE__ */ __name((a2, b2) => {
}
return a2;
}, "__spreadValues$2");
+========
+var __defProp$2 = Object.defineProperty;
+var __getOwnPropSymbols$1 = Object.getOwnPropertySymbols;
+var __hasOwnProp$1 = Object.prototype.hasOwnProperty;
+var __propIsEnum$1 = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$2 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$2(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$2");
+var __spreadValues$1 = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp$1.call(b2, prop2))
+ __defNormalProp$2(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols$1)
+ for (var prop2 of __getOwnPropSymbols$1(b2)) {
+ if (__propIsEnum$1.call(b2, prop2))
+ __defNormalProp$2(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues$1");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function isEmpty$1(value4) {
return value4 === null || value4 === void 0 || value4 === "" || Array.isArray(value4) && value4.length === 0 || !(value4 instanceof Date) && typeof value4 === "object" && Object.keys(value4).length === 0;
}
@@ -106,14 +131,22 @@ function deepEquals(obj1, obj2) {
return _deepEquals(obj1, obj2);
}
__name(deepEquals, "deepEquals");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function isFunction$b(value4) {
return !!(value4 && value4.constructor && value4.call && value4.apply);
}
__name(isFunction$b, "isFunction$b");
+========
+function isFunction$9(value4) {
+ return !!(value4 && value4.constructor && value4.call && value4.apply);
+}
+__name(isFunction$9, "isFunction$9");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function isNotEmpty(value4) {
return !isEmpty$1(value4);
}
__name(isNotEmpty, "isNotEmpty");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function resolveFieldData(data27, field) {
if (!data27 || !field) {
return null;
@@ -131,6 +164,25 @@ function resolveFieldData(data27, field) {
} else {
let fields = field.split(".");
let value4 = data27;
+========
+function resolveFieldData(data25, field) {
+ if (!data25 || !field) {
+ return null;
+ }
+ try {
+ const value4 = data25[field];
+ if (isNotEmpty(value4)) return value4;
+ } catch (e2) {
+ }
+ if (Object.keys(data25).length) {
+ if (isFunction$9(field)) {
+ return field(data25);
+ } else if (field.indexOf(".") === -1) {
+ return data25[field];
+ } else {
+ let fields = field.split(".");
+ let value4 = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
for (let i2 = 0, len = fields.length; i2 < len; ++i2) {
if (value4 == null) {
return null;
@@ -209,6 +261,7 @@ function findLastIndex(arr, callback) {
return index2;
}
__name(findLastIndex, "findLastIndex");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function isObject$f(value4, empty3 = true) {
return value4 instanceof Object && value4.constructor === Object && (empty3 || Object.keys(value4).length !== 0);
}
@@ -223,12 +276,32 @@ function isString$b(value4, empty3 = true) {
__name(isString$b, "isString$b");
function toFlatCase(str) {
return isString$b(str) ? str.replace(/(-|_)/g, "").toLowerCase() : str;
+========
+function isObject$e(value4, empty3 = true) {
+ return value4 instanceof Object && value4.constructor === Object && (empty3 || Object.keys(value4).length !== 0);
+}
+__name(isObject$e, "isObject$e");
+function resolve$2(obj, ...params) {
+ return isFunction$9(obj) ? obj(...params) : obj;
+}
+__name(resolve$2, "resolve$2");
+function isString$9(value4, empty3 = true) {
+ return typeof value4 === "string" && (empty3 || value4 !== "");
+}
+__name(isString$9, "isString$9");
+function toFlatCase(str) {
+ return isString$9(str) ? str.replace(/(-|_)/g, "").toLowerCase() : str;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(toFlatCase, "toFlatCase");
function getKeyValue(obj, key = "", params = {}) {
const fKeys = toFlatCase(key).split(".");
const fKey = fKeys.shift();
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return fKey ? isObject$f(obj) ? getKeyValue(resolve$2(obj[Object.keys(obj).find((k2) => toFlatCase(k2) === fKey) || ""], params), fKeys.join("."), params) : void 0 : resolve$2(obj, params);
+========
+ return fKey ? isObject$e(obj) ? getKeyValue(resolve$2(obj[Object.keys(obj).find((k2) => toFlatCase(k2) === fKey) || ""], params), fKeys.join("."), params) : void 0 : resolve$2(obj, params);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(getKeyValue, "getKeyValue");
function insertIntoOrderedArray(item3, index2, arr, sourceArr) {
@@ -291,8 +364,13 @@ function mergeKeys(...args) {
const _mergeKeys = /* @__PURE__ */ __name((target2 = {}, source = {}) => {
const mergedObj = __spreadValues$2({}, target2);
Object.keys(source).forEach((key) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isObject$f(source[key]) && key in target2 && isObject$f(target2[key])) {
mergedObj[key] = _mergeKeys(target2[key], source[key]);
+========
+ if (isObject$e(source[key]) && key in target && isObject$e(target[key])) {
+ mergedObj[key] = _mergeKeys(target[key], source[key]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} else {
mergedObj[key] = source[key];
}
@@ -309,7 +387,11 @@ __name(minifyCSS, "minifyCSS");
function nestedKeys(obj = {}, parentKey = "") {
return Object.entries(obj).reduce((o2, [key, value4]) => {
const currentKey = parentKey ? `${parentKey}.${key}` : key;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
isObject$f(value4) ? o2 = o2.concat(nestedKeys(value4, currentKey)) : o2.push(currentKey);
+========
+ isObject$e(value4) ? o2 = o2.concat(nestedKeys(value4, currentKey)) : o2.push(currentKey);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return o2;
}, []);
}
@@ -403,9 +485,15 @@ function stringify(value4, indent = 2, currentIndent = 0) {
return "[" + value4.map((v2) => stringify(v2, indent, currentIndent + indent)).join(", ") + "]";
} else if (isDate$3(value4)) {
return value4.toISOString();
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isFunction$b(value4)) {
return value4.toString();
} else if (isObject$f(value4)) {
+========
+ } else if (isFunction$9(value4)) {
+ return value4.toString();
+ } else if (isObject$e(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return "{\n" + Object.entries(value4).map(([k2, v2]) => `${nextIndentStr}${k2}: ${stringify(v2, indent, currentIndent + indent)}`).join(",\n") + `
${currentIndentStr}}`;
} else {
@@ -414,6 +502,7 @@ ${currentIndentStr}}`;
}
__name(stringify, "stringify");
function toCapitalCase(str) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return isString$b(str, false) ? str[0].toUpperCase() + str.slice(1) : str;
}
__name(toCapitalCase, "toCapitalCase");
@@ -423,6 +512,17 @@ function toKebabCase(str) {
__name(toKebabCase, "toKebabCase");
function toTokenKey$1(str) {
return isString$b(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+========
+ return isString$9(str, false) ? str[0].toUpperCase() + str.slice(1) : str;
+}
+__name(toCapitalCase, "toCapitalCase");
+function toKebabCase(str) {
+ return isString$9(str) ? str.replace(/(_)/g, "-").replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "-" + c2.toLowerCase()).toLowerCase() : str;
+}
+__name(toKebabCase, "toKebabCase");
+function toTokenKey$1(str) {
+ return isString$9(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(toTokenKey$1, "toTokenKey$1");
function toValue$3(value4) {
@@ -470,6 +570,7 @@ __name(EventBus, "EventBus");
var __defProp$2 = Object.defineProperty;
var __defProps = Object.defineProperties;
var __getOwnPropDescs = Object.getOwnPropertyDescriptors;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
var __getOwnPropSymbols$1 = Object.getOwnPropertySymbols;
var __hasOwnProp$1 = Object.prototype.hasOwnProperty;
var __propIsEnum$1 = Object.prototype.propertyIsEnumerable;
@@ -485,6 +586,23 @@ var __spreadValues$1 = /* @__PURE__ */ __name((a2, b2) => {
}
return a2;
}, "__spreadValues$1");
+========
+var __getOwnPropSymbols = Object.getOwnPropertySymbols;
+var __hasOwnProp = Object.prototype.hasOwnProperty;
+var __propIsEnum = Object.prototype.propertyIsEnumerable;
+var __defNormalProp$1 = /* @__PURE__ */ __name((obj, key, value4) => key in obj ? __defProp$1(obj, key, { enumerable: true, configurable: true, writable: true, value: value4 }) : obj[key] = value4, "__defNormalProp$1");
+var __spreadValues = /* @__PURE__ */ __name((a2, b2) => {
+ for (var prop2 in b2 || (b2 = {}))
+ if (__hasOwnProp.call(b2, prop2))
+ __defNormalProp$1(a2, prop2, b2[prop2]);
+ if (__getOwnPropSymbols)
+ for (var prop2 of __getOwnPropSymbols(b2)) {
+ if (__propIsEnum.call(b2, prop2))
+ __defNormalProp$1(a2, prop2, b2[prop2]);
+ }
+ return a2;
+}, "__spreadValues");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
var __spreadProps = /* @__PURE__ */ __name((a2, b2) => __defProps(a2, __getOwnPropDescs(b2)), "__spreadProps");
var __objRest = /* @__PURE__ */ __name((source, exclude) => {
var target2 = {};
@@ -505,19 +623,31 @@ __name(definePreset, "definePreset");
var ThemeService = EventBus();
var service_default = ThemeService;
function toTokenKey(str) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return isString$b(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+========
+ return isString$9(str) ? str.replace(/[A-Z]/g, (c2, i2) => i2 === 0 ? c2 : "." + c2.toLowerCase()).toLowerCase() : str;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(toTokenKey, "toTokenKey");
function merge$2(value1, value22) {
if (isArray$a(value1)) {
value1.push(...value22 || []);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isObject$f(value1)) {
+========
+ } else if (isObject$e(value1)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
Object.assign(value1, value22);
}
}
__name(merge$2, "merge$2");
function toValue$2(value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return isObject$f(value4) && value4.hasOwnProperty("value") && value4.hasOwnProperty("type") ? value4.value : value4;
+========
+ return isObject$e(value4) && value4.hasOwnProperty("value") && value4.hasOwnProperty("type") ? value4.value : value4;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(toValue$2, "toValue$2");
function toUnit(value4, variable = "") {
@@ -535,7 +665,11 @@ function toNormalizePrefix(prefix2) {
}
__name(toNormalizePrefix, "toNormalizePrefix");
function toNormalizeVariable(prefix2 = "", variable = "") {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return toNormalizePrefix(`${isString$b(prefix2, false) && isString$b(variable, false) ? `${prefix2}-` : prefix2}${variable}`);
+========
+ return toNormalizePrefix(`${isString$9(prefix2, false) && isString$9(variable, false) ? `${prefix2}-` : prefix2}${variable}`);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(toNormalizeVariable, "toNormalizeVariable");
function getVariableName(prefix2 = "", variable = "") {
@@ -549,7 +683,11 @@ function hasOddBraces(str = "") {
}
__name(hasOddBraces, "hasOddBraces");
function getVariableValue(value4, variable = "", prefix2 = "", excludedKeyRegexes = [], fallback) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isString$b(value4)) {
+========
+ if (isString$9(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const regex2 = /{([^}]*)}/g;
const val = value4.trim();
if (hasOddBraces(val)) {
@@ -572,7 +710,11 @@ function getVariableValue(value4, variable = "", prefix2 = "", excludedKeyRegexe
}
__name(getVariableValue, "getVariableValue");
function getComputedValue(obj = {}, value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isString$b(value4)) {
+========
+ if (isString$9(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const regex2 = /{([^}]*)}/g;
const val = value4.trim();
return matchRegex(val, regex2) ? val.replaceAll(regex2, (v2) => getKeyValue(obj, v2.replace(/{|}/g, ""))) : val;
@@ -583,7 +725,11 @@ function getComputedValue(obj = {}, value4) {
}
__name(getComputedValue, "getComputedValue");
function setProperty(properties, key, value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isString$b(key, false)) {
+========
+ if (isString$9(key, false)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
properties.push(`${key}:${value4};`);
}
}
@@ -642,7 +788,11 @@ var $dt = /* @__PURE__ */ __name((tokenPath) => {
var _a2;
const theme42 = config_default.getTheme();
const variable = dtwt(theme42, tokenPath, void 0, "variable");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const name2 = (_a2 = variable == null ? void 0 : variable.match(/--[\w-]+/g)) == null ? void 0 : _a2[0];
+========
+ const name2 = (_a2 = variable.match(/--[\w-]+/g)) == null ? void 0 : _a2[0];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const value4 = dtwt(theme42, tokenPath, void 0, "value");
return {
name: name2,
@@ -653,7 +803,11 @@ var $dt = /* @__PURE__ */ __name((tokenPath) => {
var dt = /* @__PURE__ */ __name((...args) => {
return dtwt(config_default.getTheme(), ...args);
}, "dt");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
var dtwt = /* @__PURE__ */ __name((theme42 = {}, tokenPath, fallback, type) => {
+========
+var dtwt = /* @__PURE__ */ __name((theme42 = {}, tokenPath, fallback, type = "variable") => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (tokenPath) {
const { variable: VARIABLE, options: OPTIONS } = config_default.defaults || {};
const { prefix: prefix2, transform: transform2 } = (theme42 == null ? void 0 : theme42.options) || OPTIONS || {};
@@ -664,10 +818,17 @@ var dtwt = /* @__PURE__ */ __name((theme42 = {}, tokenPath, fallback, type) => {
}
return "";
}, "dtwt");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function css$3(style2) {
return resolve$2(style2, { dt });
}
__name(css$3, "css$3");
+========
+function css$2(style2) {
+ return resolve$2(style2, { dt });
+}
+__name(css$2, "css$2");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
var $t = /* @__PURE__ */ __name((theme42 = {}) => {
let { preset: _preset, options: _options } = theme42;
return {
@@ -729,7 +890,11 @@ function toVariables_default(theme42, options4 = {}) {
(acc, [key, value4]) => {
const px = matchRegex(key, excludedKeyRegex) ? toNormalizeVariable(_prefix) : toNormalizeVariable(_prefix, toKebabCase(key));
const v2 = toValue$2(value4);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isObject$f(v2)) {
+========
+ if (isObject$e(v2)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const { variables: variables2, tokens: tokens2 } = _toVariables(v2, px);
merge$2(acc["tokens"], tokens2);
merge$2(acc["variables"], variables2);
@@ -795,12 +960,21 @@ var themeUtils_default = {
_toVariables(theme42, options4) {
return toVariables_default(theme42, { prefix: options4 == null ? void 0 : options4.prefix });
},
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
getCommon({ name: name2 = "", theme: theme42 = {}, params, set: set4, defaults: defaults2 }) {
var _e, _f, _g, _h, _i, _j, _k;
const { preset, options: options4 } = theme42;
let primitive_css, primitive_tokens, semantic_css, semantic_tokens, global_css, global_tokens, style2;
if (isNotEmpty(preset) && options4.transform !== "strict") {
const { primitive, semantic, extend: extend4 } = preset;
+========
+ getCommon({ name: name2 = "", theme: theme42 = {}, params, set: set3, defaults: defaults2 }) {
+ var _c, _d, _e, _f;
+ const { preset, options: options4 } = theme42;
+ let primitive_css, primitive_tokens, semantic_css, semantic_tokens;
+ if (isNotEmpty(preset)) {
+ const { primitive, semantic } = preset;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const _a2 = semantic || {}, { colorScheme } = _a2, sRest = __objRest(_a2, ["colorScheme"]);
const _b = extend4 || {}, { colorScheme: eColorScheme } = _b, eRest = __objRest(_b, ["colorScheme"]);
const _c = colorScheme || {}, { dark: dark2 } = _c, csRest = __objRest(_c, ["dark"]);
@@ -874,13 +1048,21 @@ var themeUtils_default = {
style: p_style
};
},
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
getPresetC({ name: name2 = "", theme: theme42 = {}, params, set: set4, defaults: defaults2 }) {
+========
+ getPresetC({ name: name2 = "", theme: theme42 = {}, params, set: set3, defaults: defaults2 }) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
var _a2;
const { preset, options: options4 } = theme42;
const cPreset = (_a2 = preset == null ? void 0 : preset.components) == null ? void 0 : _a2[name2];
return this.getPreset({ name: name2, preset: cPreset, options: options4, params, set: set4, defaults: defaults2 });
},
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
getPresetD({ name: name2 = "", theme: theme42 = {}, params, set: set4, defaults: defaults2 }) {
+========
+ getPresetD({ name: name2 = "", theme: theme42 = {}, params, set: set3, defaults: defaults2 }) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
var _a2;
const dName = name2.replace("-directive", "");
const { preset, options: options4 } = theme42;
@@ -902,8 +1084,13 @@ var themeUtils_default = {
}
return "";
},
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
getCommonStyleSheet({ name: name2 = "", theme: theme42 = {}, params, props = {}, set: set4, defaults: defaults2 }) {
const common = this.getCommon({ name: name2, theme: theme42, params, set: set4, defaults: defaults2 });
+========
+ getCommonStyleSheet({ name: name2 = "", theme: theme42 = {}, params, props = {}, set: set3, defaults: defaults2 }) {
+ const common = this.getCommon({ name: name2, theme: theme42, params, set: set3, defaults: defaults2 });
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const _props = Object.entries(props).reduce((acc, [k2, v2]) => acc.push(`${k2}="${v2}"`) && acc, []).join(" ");
return Object.entries(common || {}).reduce((acc, [key, value4]) => {
if (value4 == null ? void 0 : value4.css) {
@@ -914,9 +1101,15 @@ var themeUtils_default = {
return acc;
}, []).join("");
},
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
getStyleSheet({ name: name2 = "", theme: theme42 = {}, params, props = {}, set: set4, defaults: defaults2 }) {
var _a2;
const options4 = { name: name2, theme: theme42, params, set: set4, defaults: defaults2 };
+========
+ getStyleSheet({ name: name2 = "", theme: theme42 = {}, params, props = {}, set: set3, defaults: defaults2 }) {
+ var _a2;
+ const options4 = { name: name2, theme: theme42, params, set: set3, defaults: defaults2 };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const preset_css = (_a2 = name2.includes("-directive") ? this.getPresetD(options4) : this.getPresetC(options4)) == null ? void 0 : _a2.css;
const _props = Object.entries(props).reduce((acc, [k2, v2]) => acc.push(`${k2}="${v2}"`) && acc, []).join(" ");
return preset_css ? `` : "";
@@ -925,7 +1118,11 @@ var themeUtils_default = {
Object.entries(obj).forEach(([key, value4]) => {
const currentKey = matchRegex(key, defaults2.variable.excludedKeyRegex) ? parentKey : parentKey ? `${parentKey}.${toTokenKey$1(key)}` : toTokenKey$1(key);
const currentPath = parentPath ? `${parentPath}.${key}` : key;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isObject$f(value4)) {
+========
+ if (isObject$e(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
this.createTokens(value4, defaults2, currentKey, currentPath, tokens);
} else {
tokens[currentKey] || (tokens[currentKey] = {
@@ -1009,7 +1206,11 @@ var themeUtils_default = {
name: "primeui",
order: "primeui"
};
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
isObject$f(cssLayer) && (layerOptions.name = resolve$2(cssLayer.name, { name: name2, type }));
+========
+ isObject$e(cssLayer) && (layerOptions.name = resolve$2(cssLayer.name, { name: name2, type }));
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (isNotEmpty(layerOptions.name)) {
css22 = getRule(`@layer ${layerOptions.name}`, css22);
set4 == null ? void 0 : set4.layerNames(layerOptions.name);
@@ -1041,8 +1242,13 @@ var config_default = {
update(newValues = {}) {
const { theme: theme42 } = newValues;
if (theme42) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this._theme = __spreadProps(__spreadValues$1({}, theme42), {
options: __spreadValues$1(__spreadValues$1({}, this.defaults.options), theme42.options)
+========
+ this._theme = __spreadProps(__spreadValues({}, theme42), {
+ options: __spreadValues(__spreadValues({}, this.defaults.options), theme42.options)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
this._tokens = themeUtils_default.createTokens(this.preset, this.defaults);
this.clearLoadedStyleNames();
@@ -9525,6 +9731,2993 @@ const ITEM_TYPE_TO_DATA_CATEGORY_MAP = {
statsd: "metric_bucket",
raw_security: "security"
};
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
+========
+const DEBUG_BUILD$6 = typeof __SENTRY_DEBUG__ === "undefined" || __SENTRY_DEBUG__;
+const SDK_VERSION = "8.48.0";
+const GLOBAL_OBJ = globalThis;
+function getGlobalSingleton(name2, creator, obj) {
+ const gbl = obj || GLOBAL_OBJ;
+ const __SENTRY__ = gbl.__SENTRY__ = gbl.__SENTRY__ || {};
+ const versionedCarrier = __SENTRY__[SDK_VERSION] = __SENTRY__[SDK_VERSION] || {};
+ return versionedCarrier[name2] || (versionedCarrier[name2] = creator());
+}
+__name(getGlobalSingleton, "getGlobalSingleton");
+const DEBUG_BUILD$5 = typeof __SENTRY_DEBUG__ === "undefined" || __SENTRY_DEBUG__;
+const PREFIX$2 = "Sentry Logger ";
+const CONSOLE_LEVELS$1 = [
+ "debug",
+ "info",
+ "warn",
+ "error",
+ "log",
+ "assert",
+ "trace"
+];
+const originalConsoleMethods = {};
+function consoleSandbox(callback) {
+ if (!("console" in GLOBAL_OBJ)) {
+ return callback();
+ }
+ const console2 = GLOBAL_OBJ.console;
+ const wrappedFuncs = {};
+ const wrappedLevels = Object.keys(originalConsoleMethods);
+ wrappedLevels.forEach((level) => {
+ const originalConsoleMethod = originalConsoleMethods[level];
+ wrappedFuncs[level] = console2[level];
+ console2[level] = originalConsoleMethod;
+ });
+ try {
+ return callback();
+ } finally {
+ wrappedLevels.forEach((level) => {
+ console2[level] = wrappedFuncs[level];
+ });
+ }
+}
+__name(consoleSandbox, "consoleSandbox");
+function makeLogger() {
+ let enabled = false;
+ const logger2 = {
+ enable: /* @__PURE__ */ __name(() => {
+ enabled = true;
+ }, "enable"),
+ disable: /* @__PURE__ */ __name(() => {
+ enabled = false;
+ }, "disable"),
+ isEnabled: /* @__PURE__ */ __name(() => enabled, "isEnabled")
+ };
+ if (DEBUG_BUILD$5) {
+ CONSOLE_LEVELS$1.forEach((name2) => {
+ logger2[name2] = (...args) => {
+ if (enabled) {
+ consoleSandbox(() => {
+ GLOBAL_OBJ.console[name2](`${PREFIX$2}[${name2}]:`, ...args);
+ });
+ }
+ };
+ });
+ } else {
+ CONSOLE_LEVELS$1.forEach((name2) => {
+ logger2[name2] = () => void 0;
+ });
+ }
+ return logger2;
+}
+__name(makeLogger, "makeLogger");
+const logger$2 = getGlobalSingleton("logger", makeLogger);
+const STACKTRACE_FRAME_LIMIT = 50;
+const UNKNOWN_FUNCTION = "?";
+const WEBPACK_ERROR_REGEXP = /\(error: (.*)\)/;
+const STRIP_FRAME_REGEXP = /captureMessage|captureException/;
+function createStackParser(...parsers) {
+ const sortedParsers = parsers.sort((a2, b2) => a2[0] - b2[0]).map((p2) => p2[1]);
+ return (stack2, skipFirstLines = 0, framesToPop = 0) => {
+ const frames = [];
+ const lines = stack2.split("\n");
+ for (let i2 = skipFirstLines; i2 < lines.length; i2++) {
+ const line = lines[i2];
+ if (line.length > 1024) {
+ continue;
+ }
+ const cleanedLine = WEBPACK_ERROR_REGEXP.test(line) ? line.replace(WEBPACK_ERROR_REGEXP, "$1") : line;
+ if (cleanedLine.match(/\S*Error: /)) {
+ continue;
+ }
+ for (const parser of sortedParsers) {
+ const frame = parser(cleanedLine);
+ if (frame) {
+ frames.push(frame);
+ break;
+ }
+ }
+ if (frames.length >= STACKTRACE_FRAME_LIMIT + framesToPop) {
+ break;
+ }
+ }
+ return stripSentryFramesAndReverse(frames.slice(framesToPop));
+ };
+}
+__name(createStackParser, "createStackParser");
+function stackParserFromStackParserOptions(stackParser) {
+ if (Array.isArray(stackParser)) {
+ return createStackParser(...stackParser);
+ }
+ return stackParser;
+}
+__name(stackParserFromStackParserOptions, "stackParserFromStackParserOptions");
+function stripSentryFramesAndReverse(stack2) {
+ if (!stack2.length) {
+ return [];
+ }
+ const localStack = Array.from(stack2);
+ if (/sentryWrapped/.test(getLastStackFrame(localStack).function || "")) {
+ localStack.pop();
+ }
+ localStack.reverse();
+ if (STRIP_FRAME_REGEXP.test(getLastStackFrame(localStack).function || "")) {
+ localStack.pop();
+ if (STRIP_FRAME_REGEXP.test(getLastStackFrame(localStack).function || "")) {
+ localStack.pop();
+ }
+ }
+ return localStack.slice(0, STACKTRACE_FRAME_LIMIT).map((frame) => ({
+ ...frame,
+ filename: frame.filename || getLastStackFrame(localStack).filename,
+ function: frame.function || UNKNOWN_FUNCTION
+ }));
+}
+__name(stripSentryFramesAndReverse, "stripSentryFramesAndReverse");
+function getLastStackFrame(arr) {
+ return arr[arr.length - 1] || {};
+}
+__name(getLastStackFrame, "getLastStackFrame");
+const defaultFunctionName = "";
+function getFunctionName(fn) {
+ try {
+ if (!fn || typeof fn !== "function") {
+ return defaultFunctionName;
+ }
+ return fn.name || defaultFunctionName;
+ } catch (e2) {
+ return defaultFunctionName;
+ }
+}
+__name(getFunctionName, "getFunctionName");
+function getFramesFromEvent(event) {
+ const exception = event.exception;
+ if (exception) {
+ const frames = [];
+ try {
+ exception.values.forEach((value4) => {
+ if (value4.stacktrace.frames) {
+ frames.push(...value4.stacktrace.frames);
+ }
+ });
+ return frames;
+ } catch (_oO) {
+ return void 0;
+ }
+ }
+ return void 0;
+}
+__name(getFramesFromEvent, "getFramesFromEvent");
+const handlers$4 = {};
+const instrumented$1 = {};
+function addHandler$1(type, handler6) {
+ handlers$4[type] = handlers$4[type] || [];
+ handlers$4[type].push(handler6);
+}
+__name(addHandler$1, "addHandler$1");
+function resetInstrumentationHandlers() {
+ Object.keys(handlers$4).forEach((key) => {
+ handlers$4[key] = void 0;
+ });
+}
+__name(resetInstrumentationHandlers, "resetInstrumentationHandlers");
+function maybeInstrument(type, instrumentFn) {
+ if (!instrumented$1[type]) {
+ instrumented$1[type] = true;
+ try {
+ instrumentFn();
+ } catch (e2) {
+ DEBUG_BUILD$5 && logger$2.error(`Error while instrumenting ${type}`, e2);
+ }
+ }
+}
+__name(maybeInstrument, "maybeInstrument");
+function triggerHandlers$1(type, data25) {
+ const typeHandlers = type && handlers$4[type];
+ if (!typeHandlers) {
+ return;
+ }
+ for (const handler6 of typeHandlers) {
+ try {
+ handler6(data25);
+ } catch (e2) {
+ DEBUG_BUILD$5 && logger$2.error(
+ `Error while triggering instrumentation handler.
+Type: ${type}
+Name: ${getFunctionName(handler6)}
+Error:`,
+ e2
+ );
+ }
+ }
+}
+__name(triggerHandlers$1, "triggerHandlers$1");
+let _oldOnErrorHandler = null;
+function addGlobalErrorInstrumentationHandler(handler6) {
+ const type = "error";
+ addHandler$1(type, handler6);
+ maybeInstrument(type, instrumentError);
+}
+__name(addGlobalErrorInstrumentationHandler, "addGlobalErrorInstrumentationHandler");
+function instrumentError() {
+ _oldOnErrorHandler = GLOBAL_OBJ.onerror;
+ GLOBAL_OBJ.onerror = function(msg, url, line, column, error2) {
+ const handlerData = {
+ column,
+ error: error2,
+ line,
+ msg,
+ url
+ };
+ triggerHandlers$1("error", handlerData);
+ if (_oldOnErrorHandler) {
+ return _oldOnErrorHandler.apply(this, arguments);
+ }
+ return false;
+ };
+ GLOBAL_OBJ.onerror.__SENTRY_INSTRUMENTED__ = true;
+}
+__name(instrumentError, "instrumentError");
+let _oldOnUnhandledRejectionHandler = null;
+function addGlobalUnhandledRejectionInstrumentationHandler(handler6) {
+ const type = "unhandledrejection";
+ addHandler$1(type, handler6);
+ maybeInstrument(type, instrumentUnhandledRejection);
+}
+__name(addGlobalUnhandledRejectionInstrumentationHandler, "addGlobalUnhandledRejectionInstrumentationHandler");
+function instrumentUnhandledRejection() {
+ _oldOnUnhandledRejectionHandler = GLOBAL_OBJ.onunhandledrejection;
+ GLOBAL_OBJ.onunhandledrejection = function(e2) {
+ const handlerData = e2;
+ triggerHandlers$1("unhandledrejection", handlerData);
+ if (_oldOnUnhandledRejectionHandler) {
+ return _oldOnUnhandledRejectionHandler.apply(this, arguments);
+ }
+ return true;
+ };
+ GLOBAL_OBJ.onunhandledrejection.__SENTRY_INSTRUMENTED__ = true;
+}
+__name(instrumentUnhandledRejection, "instrumentUnhandledRejection");
+function getMainCarrier() {
+ getSentryCarrier(GLOBAL_OBJ);
+ return GLOBAL_OBJ;
+}
+__name(getMainCarrier, "getMainCarrier");
+function getSentryCarrier(carrier) {
+ const __SENTRY__ = carrier.__SENTRY__ = carrier.__SENTRY__ || {};
+ __SENTRY__.version = __SENTRY__.version || SDK_VERSION;
+ return __SENTRY__[SDK_VERSION] = __SENTRY__[SDK_VERSION] || {};
+}
+__name(getSentryCarrier, "getSentryCarrier");
+const objectToString$4 = Object.prototype.toString;
+function isError(wat) {
+ switch (objectToString$4.call(wat)) {
+ case "[object Error]":
+ case "[object Exception]":
+ case "[object DOMException]":
+ case "[object WebAssembly.Exception]":
+ return true;
+ default:
+ return isInstanceOf(wat, Error);
+ }
+}
+__name(isError, "isError");
+function isBuiltin(wat, className) {
+ return objectToString$4.call(wat) === `[object ${className}]`;
+}
+__name(isBuiltin, "isBuiltin");
+function isErrorEvent$2(wat) {
+ return isBuiltin(wat, "ErrorEvent");
+}
+__name(isErrorEvent$2, "isErrorEvent$2");
+function isDOMError(wat) {
+ return isBuiltin(wat, "DOMError");
+}
+__name(isDOMError, "isDOMError");
+function isDOMException(wat) {
+ return isBuiltin(wat, "DOMException");
+}
+__name(isDOMException, "isDOMException");
+function isString$8(wat) {
+ return isBuiltin(wat, "String");
+}
+__name(isString$8, "isString$8");
+function isParameterizedString(wat) {
+ return typeof wat === "object" && wat !== null && "__sentry_template_string__" in wat && "__sentry_template_values__" in wat;
+}
+__name(isParameterizedString, "isParameterizedString");
+function isPrimitive(wat) {
+ return wat === null || isParameterizedString(wat) || typeof wat !== "object" && typeof wat !== "function";
+}
+__name(isPrimitive, "isPrimitive");
+function isPlainObject$5(wat) {
+ return isBuiltin(wat, "Object");
+}
+__name(isPlainObject$5, "isPlainObject$5");
+function isEvent(wat) {
+ return typeof Event !== "undefined" && isInstanceOf(wat, Event);
+}
+__name(isEvent, "isEvent");
+function isElement$3(wat) {
+ return typeof Element !== "undefined" && isInstanceOf(wat, Element);
+}
+__name(isElement$3, "isElement$3");
+function isRegExp$5(wat) {
+ return isBuiltin(wat, "RegExp");
+}
+__name(isRegExp$5, "isRegExp$5");
+function isThenable$1(wat) {
+ return Boolean(wat && wat.then && typeof wat.then === "function");
+}
+__name(isThenable$1, "isThenable$1");
+function isSyntheticEvent(wat) {
+ return isPlainObject$5(wat) && "nativeEvent" in wat && "preventDefault" in wat && "stopPropagation" in wat;
+}
+__name(isSyntheticEvent, "isSyntheticEvent");
+function isInstanceOf(wat, base2) {
+ try {
+ return wat instanceof base2;
+ } catch (_e) {
+ return false;
+ }
+}
+__name(isInstanceOf, "isInstanceOf");
+function isVueViewModel(wat) {
+ return !!(typeof wat === "object" && wat !== null && (wat.__isVue || wat._isVue));
+}
+__name(isVueViewModel, "isVueViewModel");
+const WINDOW$8 = GLOBAL_OBJ;
+const DEFAULT_MAX_STRING_LENGTH = 80;
+function htmlTreeAsString(elem, options4 = {}) {
+ if (!elem) {
+ return "";
+ }
+ try {
+ let currentElem = elem;
+ const MAX_TRAVERSE_HEIGHT = 5;
+ const out = [];
+ let height = 0;
+ let len = 0;
+ const separator = " > ";
+ const sepLength = separator.length;
+ let nextStr;
+ const keyAttrs = Array.isArray(options4) ? options4 : options4.keyAttrs;
+ const maxStringLength = !Array.isArray(options4) && options4.maxStringLength || DEFAULT_MAX_STRING_LENGTH;
+ while (currentElem && height++ < MAX_TRAVERSE_HEIGHT) {
+ nextStr = _htmlElementAsString(currentElem, keyAttrs);
+ if (nextStr === "html" || height > 1 && len + out.length * sepLength + nextStr.length >= maxStringLength) {
+ break;
+ }
+ out.push(nextStr);
+ len += nextStr.length;
+ currentElem = currentElem.parentNode;
+ }
+ return out.reverse().join(separator);
+ } catch (_oO) {
+ return "";
+ }
+}
+__name(htmlTreeAsString, "htmlTreeAsString");
+function _htmlElementAsString(el, keyAttrs) {
+ const elem = el;
+ const out = [];
+ if (!elem || !elem.tagName) {
+ return "";
+ }
+ if (WINDOW$8.HTMLElement) {
+ if (elem instanceof HTMLElement && elem.dataset) {
+ if (elem.dataset["sentryComponent"]) {
+ return elem.dataset["sentryComponent"];
+ }
+ if (elem.dataset["sentryElement"]) {
+ return elem.dataset["sentryElement"];
+ }
+ }
+ }
+ out.push(elem.tagName.toLowerCase());
+ const keyAttrPairs = keyAttrs && keyAttrs.length ? keyAttrs.filter((keyAttr) => elem.getAttribute(keyAttr)).map((keyAttr) => [keyAttr, elem.getAttribute(keyAttr)]) : null;
+ if (keyAttrPairs && keyAttrPairs.length) {
+ keyAttrPairs.forEach((keyAttrPair) => {
+ out.push(`[${keyAttrPair[0]}="${keyAttrPair[1]}"]`);
+ });
+ } else {
+ if (elem.id) {
+ out.push(`#${elem.id}`);
+ }
+ const className = elem.className;
+ if (className && isString$8(className)) {
+ const classes2 = className.split(/\s+/);
+ for (const c2 of classes2) {
+ out.push(`.${c2}`);
+ }
+ }
+ }
+ const allowedAttrs = ["aria-label", "type", "name", "title", "alt"];
+ for (const k2 of allowedAttrs) {
+ const attr = elem.getAttribute(k2);
+ if (attr) {
+ out.push(`[${k2}="${attr}"]`);
+ }
+ }
+ return out.join("");
+}
+__name(_htmlElementAsString, "_htmlElementAsString");
+function getLocationHref() {
+ try {
+ return WINDOW$8.document.location.href;
+ } catch (oO) {
+ return "";
+ }
+}
+__name(getLocationHref, "getLocationHref");
+function getDomElement(selector) {
+ if (WINDOW$8.document && WINDOW$8.document.querySelector) {
+ return WINDOW$8.document.querySelector(selector);
+ }
+ return null;
+}
+__name(getDomElement, "getDomElement");
+function getComponentName$1(elem) {
+ if (!WINDOW$8.HTMLElement) {
+ return null;
+ }
+ let currentElem = elem;
+ const MAX_TRAVERSE_HEIGHT = 5;
+ for (let i2 = 0; i2 < MAX_TRAVERSE_HEIGHT; i2++) {
+ if (!currentElem) {
+ return null;
+ }
+ if (currentElem instanceof HTMLElement) {
+ if (currentElem.dataset["sentryComponent"]) {
+ return currentElem.dataset["sentryComponent"];
+ }
+ if (currentElem.dataset["sentryElement"]) {
+ return currentElem.dataset["sentryElement"];
+ }
+ }
+ currentElem = currentElem.parentNode;
+ }
+ return null;
+}
+__name(getComponentName$1, "getComponentName$1");
+function truncate(str, max = 0) {
+ if (typeof str !== "string" || max === 0) {
+ return str;
+ }
+ return str.length <= max ? str : `${str.slice(0, max)}...`;
+}
+__name(truncate, "truncate");
+function snipLine(line, colno) {
+ let newLine = line;
+ const lineLength = newLine.length;
+ if (lineLength <= 150) {
+ return newLine;
+ }
+ if (colno > lineLength) {
+ colno = lineLength;
+ }
+ let start2 = Math.max(colno - 60, 0);
+ if (start2 < 5) {
+ start2 = 0;
+ }
+ let end = Math.min(start2 + 140, lineLength);
+ if (end > lineLength - 5) {
+ end = lineLength;
+ }
+ if (end === lineLength) {
+ start2 = Math.max(end - 140, 0);
+ }
+ newLine = newLine.slice(start2, end);
+ if (start2 > 0) {
+ newLine = `'{snip} ${newLine}`;
+ }
+ if (end < lineLength) {
+ newLine += " {snip}";
+ }
+ return newLine;
+}
+__name(snipLine, "snipLine");
+function safeJoin(input, delimiter2) {
+ if (!Array.isArray(input)) {
+ return "";
+ }
+ const output = [];
+ for (let i2 = 0; i2 < input.length; i2++) {
+ const value4 = input[i2];
+ try {
+ if (isVueViewModel(value4)) {
+ output.push("[VueViewModel]");
+ } else {
+ output.push(String(value4));
+ }
+ } catch (e2) {
+ output.push("[value cannot be serialized]");
+ }
+ }
+ return output.join(delimiter2);
+}
+__name(safeJoin, "safeJoin");
+function isMatchingPattern(value4, pattern, requireExactStringMatch = false) {
+ if (!isString$8(value4)) {
+ return false;
+ }
+ if (isRegExp$5(pattern)) {
+ return pattern.test(value4);
+ }
+ if (isString$8(pattern)) {
+ return requireExactStringMatch ? value4 === pattern : value4.includes(pattern);
+ }
+ return false;
+}
+__name(isMatchingPattern, "isMatchingPattern");
+function stringMatchesSomePattern(testString, patterns = [], requireExactStringMatch = false) {
+ return patterns.some((pattern) => isMatchingPattern(testString, pattern, requireExactStringMatch));
+}
+__name(stringMatchesSomePattern, "stringMatchesSomePattern");
+function fill(source, name2, replacementFactory) {
+ if (!(name2 in source)) {
+ return;
+ }
+ const original = source[name2];
+ const wrapped = replacementFactory(original);
+ if (typeof wrapped === "function") {
+ markFunctionWrapped(wrapped, original);
+ }
+ try {
+ source[name2] = wrapped;
+ } catch (e2) {
+ DEBUG_BUILD$5 && logger$2.log(`Failed to replace method "${name2}" in object`, source);
+ }
+}
+__name(fill, "fill");
+function addNonEnumerableProperty(obj, name2, value4) {
+ try {
+ Object.defineProperty(obj, name2, {
+ // enumerable: false, // the default, so we can save on bundle size by not explicitly setting it
+ value: value4,
+ writable: true,
+ configurable: true
+ });
+ } catch (o_O) {
+ DEBUG_BUILD$5 && logger$2.log(`Failed to add non-enumerable property "${name2}" to object`, obj);
+ }
+}
+__name(addNonEnumerableProperty, "addNonEnumerableProperty");
+function markFunctionWrapped(wrapped, original) {
+ try {
+ const proto = original.prototype || {};
+ wrapped.prototype = original.prototype = proto;
+ addNonEnumerableProperty(wrapped, "__sentry_original__", original);
+ } catch (o_O) {
+ }
+}
+__name(markFunctionWrapped, "markFunctionWrapped");
+function getOriginalFunction(func) {
+ return func.__sentry_original__;
+}
+__name(getOriginalFunction, "getOriginalFunction");
+function urlEncode(object) {
+ return Object.entries(object).map(([key, value4]) => `${encodeURIComponent(key)}=${encodeURIComponent(value4)}`).join("&");
+}
+__name(urlEncode, "urlEncode");
+function convertToPlainObject(value4) {
+ if (isError(value4)) {
+ return {
+ message: value4.message,
+ name: value4.name,
+ stack: value4.stack,
+ ...getOwnProperties(value4)
+ };
+ } else if (isEvent(value4)) {
+ const newObj = {
+ type: value4.type,
+ target: serializeEventTarget(value4.target),
+ currentTarget: serializeEventTarget(value4.currentTarget),
+ ...getOwnProperties(value4)
+ };
+ if (typeof CustomEvent !== "undefined" && isInstanceOf(value4, CustomEvent)) {
+ newObj.detail = value4.detail;
+ }
+ return newObj;
+ } else {
+ return value4;
+ }
+}
+__name(convertToPlainObject, "convertToPlainObject");
+function serializeEventTarget(target) {
+ try {
+ return isElement$3(target) ? htmlTreeAsString(target) : Object.prototype.toString.call(target);
+ } catch (_oO) {
+ return "";
+ }
+}
+__name(serializeEventTarget, "serializeEventTarget");
+function getOwnProperties(obj) {
+ if (typeof obj === "object" && obj !== null) {
+ const extractedProps = {};
+ for (const property in obj) {
+ if (Object.prototype.hasOwnProperty.call(obj, property)) {
+ extractedProps[property] = obj[property];
+ }
+ }
+ return extractedProps;
+ } else {
+ return {};
+ }
+}
+__name(getOwnProperties, "getOwnProperties");
+function extractExceptionKeysForMessage(exception, maxLength = 40) {
+ const keys2 = Object.keys(convertToPlainObject(exception));
+ keys2.sort();
+ const firstKey = keys2[0];
+ if (!firstKey) {
+ return "[object has no keys]";
+ }
+ if (firstKey.length >= maxLength) {
+ return truncate(firstKey, maxLength);
+ }
+ for (let includedKeys = keys2.length; includedKeys > 0; includedKeys--) {
+ const serialized = keys2.slice(0, includedKeys).join(", ");
+ if (serialized.length > maxLength) {
+ continue;
+ }
+ if (includedKeys === keys2.length) {
+ return serialized;
+ }
+ return truncate(serialized, maxLength);
+ }
+ return "";
+}
+__name(extractExceptionKeysForMessage, "extractExceptionKeysForMessage");
+function dropUndefinedKeys(inputValue) {
+ const memoizationMap = /* @__PURE__ */ new Map();
+ return _dropUndefinedKeys(inputValue, memoizationMap);
+}
+__name(dropUndefinedKeys, "dropUndefinedKeys");
+function _dropUndefinedKeys(inputValue, memoizationMap) {
+ if (isPojo(inputValue)) {
+ const memoVal = memoizationMap.get(inputValue);
+ if (memoVal !== void 0) {
+ return memoVal;
+ }
+ const returnValue = {};
+ memoizationMap.set(inputValue, returnValue);
+ for (const key of Object.getOwnPropertyNames(inputValue)) {
+ if (typeof inputValue[key] !== "undefined") {
+ returnValue[key] = _dropUndefinedKeys(inputValue[key], memoizationMap);
+ }
+ }
+ return returnValue;
+ }
+ if (Array.isArray(inputValue)) {
+ const memoVal = memoizationMap.get(inputValue);
+ if (memoVal !== void 0) {
+ return memoVal;
+ }
+ const returnValue = [];
+ memoizationMap.set(inputValue, returnValue);
+ inputValue.forEach((item3) => {
+ returnValue.push(_dropUndefinedKeys(item3, memoizationMap));
+ });
+ return returnValue;
+ }
+ return inputValue;
+}
+__name(_dropUndefinedKeys, "_dropUndefinedKeys");
+function isPojo(input) {
+ if (!isPlainObject$5(input)) {
+ return false;
+ }
+ try {
+ const name2 = Object.getPrototypeOf(input).constructor.name;
+ return !name2 || name2 === "Object";
+ } catch (e2) {
+ return true;
+ }
+}
+__name(isPojo, "isPojo");
+function objectify(wat) {
+ let objectified;
+ switch (true) {
+ case wat == void 0:
+ objectified = new String(wat);
+ break;
+ case (typeof wat === "symbol" || typeof wat === "bigint"):
+ objectified = Object(wat);
+ break;
+ case isPrimitive(wat):
+ objectified = new wat.constructor(wat);
+ break;
+ default:
+ objectified = wat;
+ break;
+ }
+ return objectified;
+}
+__name(objectify, "objectify");
+const ONE_SECOND_IN_MS = 1e3;
+function dateTimestampInSeconds() {
+ return Date.now() / ONE_SECOND_IN_MS;
+}
+__name(dateTimestampInSeconds, "dateTimestampInSeconds");
+function createUnixTimestampInSecondsFunc() {
+ const { performance: performance2 } = GLOBAL_OBJ;
+ if (!performance2 || !performance2.now) {
+ return dateTimestampInSeconds;
+ }
+ const approxStartingTimeOrigin = Date.now() - performance2.now();
+ const timeOrigin = performance2.timeOrigin == void 0 ? approxStartingTimeOrigin : performance2.timeOrigin;
+ return () => {
+ return (timeOrigin + performance2.now()) / ONE_SECOND_IN_MS;
+ };
+}
+__name(createUnixTimestampInSecondsFunc, "createUnixTimestampInSecondsFunc");
+const timestampInSeconds = createUnixTimestampInSecondsFunc();
+let _browserPerformanceTimeOriginMode;
+const browserPerformanceTimeOrigin = (() => {
+ const { performance: performance2 } = GLOBAL_OBJ;
+ if (!performance2 || !performance2.now) {
+ _browserPerformanceTimeOriginMode = "none";
+ return void 0;
+ }
+ const threshold = 3600 * 1e3;
+ const performanceNow = performance2.now();
+ const dateNow = Date.now();
+ const timeOriginDelta = performance2.timeOrigin ? Math.abs(performance2.timeOrigin + performanceNow - dateNow) : threshold;
+ const timeOriginIsReliable = timeOriginDelta < threshold;
+ const navigationStart = performance2.timing && performance2.timing.navigationStart;
+ const hasNavigationStart = typeof navigationStart === "number";
+ const navigationStartDelta = hasNavigationStart ? Math.abs(navigationStart + performanceNow - dateNow) : threshold;
+ const navigationStartIsReliable = navigationStartDelta < threshold;
+ if (timeOriginIsReliable || navigationStartIsReliable) {
+ if (timeOriginDelta <= navigationStartDelta) {
+ _browserPerformanceTimeOriginMode = "timeOrigin";
+ return performance2.timeOrigin;
+ } else {
+ _browserPerformanceTimeOriginMode = "navigationStart";
+ return navigationStart;
+ }
+ }
+ _browserPerformanceTimeOriginMode = "dateNow";
+ return dateNow;
+})();
+function uuid4() {
+ const gbl = GLOBAL_OBJ;
+ const crypto = gbl.crypto || gbl.msCrypto;
+ let getRandomByte = /* @__PURE__ */ __name(() => Math.random() * 16, "getRandomByte");
+ try {
+ if (crypto && crypto.randomUUID) {
+ return crypto.randomUUID().replace(/-/g, "");
+ }
+ if (crypto && crypto.getRandomValues) {
+ getRandomByte = /* @__PURE__ */ __name(() => {
+ const typedArray = new Uint8Array(1);
+ crypto.getRandomValues(typedArray);
+ return typedArray[0];
+ }, "getRandomByte");
+ }
+ } catch (_2) {
+ }
+ return ("10000000100040008000" + 1e11).replace(
+ /[018]/g,
+ (c2) => (
+ // eslint-disable-next-line no-bitwise
+ (c2 ^ (getRandomByte() & 15) >> c2 / 4).toString(16)
+ )
+ );
+}
+__name(uuid4, "uuid4");
+function getFirstException(event) {
+ return event.exception && event.exception.values ? event.exception.values[0] : void 0;
+}
+__name(getFirstException, "getFirstException");
+function getEventDescription(event) {
+ const { message: message3, event_id: eventId } = event;
+ if (message3) {
+ return message3;
+ }
+ const firstException = getFirstException(event);
+ if (firstException) {
+ if (firstException.type && firstException.value) {
+ return `${firstException.type}: ${firstException.value}`;
+ }
+ return firstException.type || firstException.value || eventId || "";
+ }
+ return eventId || "";
+}
+__name(getEventDescription, "getEventDescription");
+function addExceptionTypeValue(event, value4, type) {
+ const exception = event.exception = event.exception || {};
+ const values = exception.values = exception.values || [];
+ const firstException = values[0] = values[0] || {};
+ if (!firstException.value) {
+ firstException.value = value4 || "";
+ }
+ if (!firstException.type) {
+ firstException.type = type || "Error";
+ }
+}
+__name(addExceptionTypeValue, "addExceptionTypeValue");
+function addExceptionMechanism(event, newMechanism) {
+ const firstException = getFirstException(event);
+ if (!firstException) {
+ return;
+ }
+ const defaultMechanism = { type: "generic", handled: true };
+ const currentMechanism = firstException.mechanism;
+ firstException.mechanism = { ...defaultMechanism, ...currentMechanism, ...newMechanism };
+ if (newMechanism && "data" in newMechanism) {
+ const mergedData = { ...currentMechanism && currentMechanism.data, ...newMechanism.data };
+ firstException.mechanism.data = mergedData;
+ }
+}
+__name(addExceptionMechanism, "addExceptionMechanism");
+const SEMVER_REGEXP = /^(0|[1-9]\d*)\.(0|[1-9]\d*)\.(0|[1-9]\d*)(?:-((?:0|[1-9]\d*|\d*[a-zA-Z-][0-9a-zA-Z-]*)(?:\.(?:0|[1-9]\d*|\d*[a-zA-Z-][0-9a-zA-Z-]*))*))?(?:\+([0-9a-zA-Z-]+(?:\.[0-9a-zA-Z-]+)*))?$/;
+function _parseInt(input) {
+ return parseInt(input || "", 10);
+}
+__name(_parseInt, "_parseInt");
+function parseSemver(input) {
+ const match2 = input.match(SEMVER_REGEXP) || [];
+ const major = _parseInt(match2[1]);
+ const minor = _parseInt(match2[2]);
+ const patch2 = _parseInt(match2[3]);
+ return {
+ buildmetadata: match2[5],
+ major: isNaN(major) ? void 0 : major,
+ minor: isNaN(minor) ? void 0 : minor,
+ patch: isNaN(patch2) ? void 0 : patch2,
+ prerelease: match2[4]
+ };
+}
+__name(parseSemver, "parseSemver");
+function addContextToFrame(lines, frame, linesOfContext = 5) {
+ if (frame.lineno === void 0) {
+ return;
+ }
+ const maxLines = lines.length;
+ const sourceLine = Math.max(Math.min(maxLines - 1, frame.lineno - 1), 0);
+ frame.pre_context = lines.slice(Math.max(0, sourceLine - linesOfContext), sourceLine).map((line) => snipLine(line, 0));
+ const lineIndex = Math.min(maxLines - 1, sourceLine);
+ frame.context_line = snipLine(lines[lineIndex], frame.colno || 0);
+ frame.post_context = lines.slice(Math.min(sourceLine + 1, maxLines), sourceLine + 1 + linesOfContext).map((line) => snipLine(line, 0));
+}
+__name(addContextToFrame, "addContextToFrame");
+function checkOrSetAlreadyCaught(exception) {
+ if (isAlreadyCaptured(exception)) {
+ return true;
+ }
+ try {
+ addNonEnumerableProperty(exception, "__sentry_captured__", true);
+ } catch (err) {
+ }
+ return false;
+}
+__name(checkOrSetAlreadyCaught, "checkOrSetAlreadyCaught");
+function isAlreadyCaptured(exception) {
+ try {
+ return exception.__sentry_captured__;
+ } catch (e2) {
+ }
+}
+__name(isAlreadyCaptured, "isAlreadyCaptured");
+function arrayify(maybeArray) {
+ return Array.isArray(maybeArray) ? maybeArray : [maybeArray];
+}
+__name(arrayify, "arrayify");
+var States;
+(function(States2) {
+ const PENDING = 0;
+ States2[States2["PENDING"] = PENDING] = "PENDING";
+ const RESOLVED = 1;
+ States2[States2["RESOLVED"] = RESOLVED] = "RESOLVED";
+ const REJECTED = 2;
+ States2[States2["REJECTED"] = REJECTED] = "REJECTED";
+})(States || (States = {}));
+function resolvedSyncPromise(value4) {
+ return new SyncPromise((resolve2) => {
+ resolve2(value4);
+ });
+}
+__name(resolvedSyncPromise, "resolvedSyncPromise");
+function rejectedSyncPromise(reason) {
+ return new SyncPromise((_2, reject3) => {
+ reject3(reason);
+ });
+}
+__name(rejectedSyncPromise, "rejectedSyncPromise");
+class SyncPromise {
+ static {
+ __name(this, "SyncPromise");
+ }
+ constructor(executor) {
+ SyncPromise.prototype.__init.call(this);
+ SyncPromise.prototype.__init2.call(this);
+ SyncPromise.prototype.__init3.call(this);
+ SyncPromise.prototype.__init4.call(this);
+ this._state = States.PENDING;
+ this._handlers = [];
+ try {
+ executor(this._resolve, this._reject);
+ } catch (e2) {
+ this._reject(e2);
+ }
+ }
+ /** JSDoc */
+ then(onfulfilled, onrejected) {
+ return new SyncPromise((resolve2, reject3) => {
+ this._handlers.push([
+ false,
+ (result) => {
+ if (!onfulfilled) {
+ resolve2(result);
+ } else {
+ try {
+ resolve2(onfulfilled(result));
+ } catch (e2) {
+ reject3(e2);
+ }
+ }
+ },
+ (reason) => {
+ if (!onrejected) {
+ reject3(reason);
+ } else {
+ try {
+ resolve2(onrejected(reason));
+ } catch (e2) {
+ reject3(e2);
+ }
+ }
+ }
+ ]);
+ this._executeHandlers();
+ });
+ }
+ /** JSDoc */
+ catch(onrejected) {
+ return this.then((val) => val, onrejected);
+ }
+ /** JSDoc */
+ finally(onfinally) {
+ return new SyncPromise((resolve2, reject3) => {
+ let val;
+ let isRejected;
+ return this.then(
+ (value4) => {
+ isRejected = false;
+ val = value4;
+ if (onfinally) {
+ onfinally();
+ }
+ },
+ (reason) => {
+ isRejected = true;
+ val = reason;
+ if (onfinally) {
+ onfinally();
+ }
+ }
+ ).then(() => {
+ if (isRejected) {
+ reject3(val);
+ return;
+ }
+ resolve2(val);
+ });
+ });
+ }
+ /** JSDoc */
+ __init() {
+ this._resolve = (value4) => {
+ this._setResult(States.RESOLVED, value4);
+ };
+ }
+ /** JSDoc */
+ __init2() {
+ this._reject = (reason) => {
+ this._setResult(States.REJECTED, reason);
+ };
+ }
+ /** JSDoc */
+ __init3() {
+ this._setResult = (state, value4) => {
+ if (this._state !== States.PENDING) {
+ return;
+ }
+ if (isThenable$1(value4)) {
+ void value4.then(this._resolve, this._reject);
+ return;
+ }
+ this._state = state;
+ this._value = value4;
+ this._executeHandlers();
+ };
+ }
+ /** JSDoc */
+ __init4() {
+ this._executeHandlers = () => {
+ if (this._state === States.PENDING) {
+ return;
+ }
+ const cachedHandlers = this._handlers.slice();
+ this._handlers = [];
+ cachedHandlers.forEach((handler6) => {
+ if (handler6[0]) {
+ return;
+ }
+ if (this._state === States.RESOLVED) {
+ handler6[1](this._value);
+ }
+ if (this._state === States.REJECTED) {
+ handler6[2](this._value);
+ }
+ handler6[0] = true;
+ });
+ };
+ }
+}
+function makeSession$1(context) {
+ const startingTime = timestampInSeconds();
+ const session = {
+ sid: uuid4(),
+ init: true,
+ timestamp: startingTime,
+ started: startingTime,
+ duration: 0,
+ status: "ok",
+ errors: 0,
+ ignoreDuration: false,
+ toJSON: /* @__PURE__ */ __name(() => sessionToJSON(session), "toJSON")
+ };
+ if (context) {
+ updateSession(session, context);
+ }
+ return session;
+}
+__name(makeSession$1, "makeSession$1");
+function updateSession(session, context = {}) {
+ if (context.user) {
+ if (!session.ipAddress && context.user.ip_address) {
+ session.ipAddress = context.user.ip_address;
+ }
+ if (!session.did && !context.did) {
+ session.did = context.user.id || context.user.email || context.user.username;
+ }
+ }
+ session.timestamp = context.timestamp || timestampInSeconds();
+ if (context.abnormal_mechanism) {
+ session.abnormal_mechanism = context.abnormal_mechanism;
+ }
+ if (context.ignoreDuration) {
+ session.ignoreDuration = context.ignoreDuration;
+ }
+ if (context.sid) {
+ session.sid = context.sid.length === 32 ? context.sid : uuid4();
+ }
+ if (context.init !== void 0) {
+ session.init = context.init;
+ }
+ if (!session.did && context.did) {
+ session.did = `${context.did}`;
+ }
+ if (typeof context.started === "number") {
+ session.started = context.started;
+ }
+ if (session.ignoreDuration) {
+ session.duration = void 0;
+ } else if (typeof context.duration === "number") {
+ session.duration = context.duration;
+ } else {
+ const duration = session.timestamp - session.started;
+ session.duration = duration >= 0 ? duration : 0;
+ }
+ if (context.release) {
+ session.release = context.release;
+ }
+ if (context.environment) {
+ session.environment = context.environment;
+ }
+ if (!session.ipAddress && context.ipAddress) {
+ session.ipAddress = context.ipAddress;
+ }
+ if (!session.userAgent && context.userAgent) {
+ session.userAgent = context.userAgent;
+ }
+ if (typeof context.errors === "number") {
+ session.errors = context.errors;
+ }
+ if (context.status) {
+ session.status = context.status;
+ }
+}
+__name(updateSession, "updateSession");
+function closeSession(session, status) {
+ let context = {};
+ if (status) {
+ context = { status };
+ } else if (session.status === "ok") {
+ context = { status: "exited" };
+ }
+ updateSession(session, context);
+}
+__name(closeSession, "closeSession");
+function sessionToJSON(session) {
+ return dropUndefinedKeys({
+ sid: `${session.sid}`,
+ init: session.init,
+ // Make sure that sec is converted to ms for date constructor
+ started: new Date(session.started * 1e3).toISOString(),
+ timestamp: new Date(session.timestamp * 1e3).toISOString(),
+ status: session.status,
+ errors: session.errors,
+ did: typeof session.did === "number" || typeof session.did === "string" ? `${session.did}` : void 0,
+ duration: session.duration,
+ abnormal_mechanism: session.abnormal_mechanism,
+ attrs: {
+ release: session.release,
+ environment: session.environment,
+ ip_address: session.ipAddress,
+ user_agent: session.userAgent
+ }
+ });
+}
+__name(sessionToJSON, "sessionToJSON");
+function generatePropagationContext() {
+ return {
+ traceId: generateTraceId(),
+ spanId: generateSpanId()
+ };
+}
+__name(generatePropagationContext, "generatePropagationContext");
+function generateTraceId() {
+ return uuid4();
+}
+__name(generateTraceId, "generateTraceId");
+function generateSpanId() {
+ return uuid4().substring(16);
+}
+__name(generateSpanId, "generateSpanId");
+function merge$1(initialObj, mergeObj, levels = 2) {
+ if (!mergeObj || typeof mergeObj !== "object" || levels <= 0) {
+ return mergeObj;
+ }
+ if (initialObj && mergeObj && Object.keys(mergeObj).length === 0) {
+ return initialObj;
+ }
+ const output = { ...initialObj };
+ for (const key in mergeObj) {
+ if (Object.prototype.hasOwnProperty.call(mergeObj, key)) {
+ output[key] = merge$1(output[key], mergeObj[key], levels - 1);
+ }
+ }
+ return output;
+}
+__name(merge$1, "merge$1");
+const SCOPE_SPAN_FIELD = "_sentrySpan";
+function _setSpanForScope(scope, span) {
+ if (span) {
+ addNonEnumerableProperty(scope, SCOPE_SPAN_FIELD, span);
+ } else {
+ delete scope[SCOPE_SPAN_FIELD];
+ }
+}
+__name(_setSpanForScope, "_setSpanForScope");
+function _getSpanForScope(scope) {
+ return scope[SCOPE_SPAN_FIELD];
+}
+__name(_getSpanForScope, "_getSpanForScope");
+const DEFAULT_MAX_BREADCRUMBS = 100;
+class ScopeClass {
+ static {
+ __name(this, "ScopeClass");
+ }
+ /** Flag if notifying is happening. */
+ /** Callback for client to receive scope changes. */
+ /** Callback list that will be called during event processing. */
+ /** Array of breadcrumbs. */
+ /** User */
+ /** Tags */
+ /** Extra */
+ /** Contexts */
+ /** Attachments */
+ /** Propagation Context for distributed tracing */
+ /**
+ * A place to stash data which is needed at some point in the SDK's event processing pipeline but which shouldn't get
+ * sent to Sentry
+ */
+ /** Fingerprint */
+ /** Severity */
+ /**
+ * Transaction Name
+ *
+ * IMPORTANT: The transaction name on the scope has nothing to do with root spans/transaction objects.
+ * It's purpose is to assign a transaction to the scope that's added to non-transaction events.
+ */
+ /** Session */
+ /** Request Mode Session Status */
+ // eslint-disable-next-line deprecation/deprecation
+ /** The client on this scope */
+ /** Contains the last event id of a captured event. */
+ // NOTE: Any field which gets added here should get added not only to the constructor but also to the `clone` method.
+ constructor() {
+ this._notifyingListeners = false;
+ this._scopeListeners = [];
+ this._eventProcessors = [];
+ this._breadcrumbs = [];
+ this._attachments = [];
+ this._user = {};
+ this._tags = {};
+ this._extra = {};
+ this._contexts = {};
+ this._sdkProcessingMetadata = {};
+ this._propagationContext = {
+ traceId: generateTraceId(),
+ spanId: generateSpanId()
+ };
+ }
+ /**
+ * @inheritDoc
+ */
+ clone() {
+ const newScope = new ScopeClass();
+ newScope._breadcrumbs = [...this._breadcrumbs];
+ newScope._tags = { ...this._tags };
+ newScope._extra = { ...this._extra };
+ newScope._contexts = { ...this._contexts };
+ if (this._contexts.flags) {
+ newScope._contexts.flags = {
+ values: [...this._contexts.flags.values]
+ };
+ }
+ newScope._user = this._user;
+ newScope._level = this._level;
+ newScope._session = this._session;
+ newScope._transactionName = this._transactionName;
+ newScope._fingerprint = this._fingerprint;
+ newScope._eventProcessors = [...this._eventProcessors];
+ newScope._requestSession = this._requestSession;
+ newScope._attachments = [...this._attachments];
+ newScope._sdkProcessingMetadata = { ...this._sdkProcessingMetadata };
+ newScope._propagationContext = { ...this._propagationContext };
+ newScope._client = this._client;
+ newScope._lastEventId = this._lastEventId;
+ _setSpanForScope(newScope, _getSpanForScope(this));
+ return newScope;
+ }
+ /**
+ * @inheritDoc
+ */
+ setClient(client) {
+ this._client = client;
+ }
+ /**
+ * @inheritDoc
+ */
+ setLastEventId(lastEventId2) {
+ this._lastEventId = lastEventId2;
+ }
+ /**
+ * @inheritDoc
+ */
+ getClient() {
+ return this._client;
+ }
+ /**
+ * @inheritDoc
+ */
+ lastEventId() {
+ return this._lastEventId;
+ }
+ /**
+ * @inheritDoc
+ */
+ addScopeListener(callback) {
+ this._scopeListeners.push(callback);
+ }
+ /**
+ * @inheritDoc
+ */
+ addEventProcessor(callback) {
+ this._eventProcessors.push(callback);
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setUser(user) {
+ this._user = user || {
+ email: void 0,
+ id: void 0,
+ ip_address: void 0,
+ username: void 0
+ };
+ if (this._session) {
+ updateSession(this._session, { user });
+ }
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ getUser() {
+ return this._user;
+ }
+ /**
+ * @inheritDoc
+ */
+ // eslint-disable-next-line deprecation/deprecation
+ getRequestSession() {
+ return this._requestSession;
+ }
+ /**
+ * @inheritDoc
+ */
+ // eslint-disable-next-line deprecation/deprecation
+ setRequestSession(requestSession) {
+ this._requestSession = requestSession;
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setTags(tags) {
+ this._tags = {
+ ...this._tags,
+ ...tags
+ };
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setTag(key, value4) {
+ this._tags = { ...this._tags, [key]: value4 };
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setExtras(extras) {
+ this._extra = {
+ ...this._extra,
+ ...extras
+ };
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setExtra(key, extra) {
+ this._extra = { ...this._extra, [key]: extra };
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setFingerprint(fingerprint) {
+ this._fingerprint = fingerprint;
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setLevel(level) {
+ this._level = level;
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setTransactionName(name2) {
+ this._transactionName = name2;
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setContext(key, context) {
+ if (context === null) {
+ delete this._contexts[key];
+ } else {
+ this._contexts[key] = context;
+ }
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setSession(session) {
+ if (!session) {
+ delete this._session;
+ } else {
+ this._session = session;
+ }
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ getSession() {
+ return this._session;
+ }
+ /**
+ * @inheritDoc
+ */
+ update(captureContext) {
+ if (!captureContext) {
+ return this;
+ }
+ const scopeToMerge = typeof captureContext === "function" ? captureContext(this) : captureContext;
+ const [scopeInstance, requestSession] = scopeToMerge instanceof Scope ? (
+ // eslint-disable-next-line deprecation/deprecation
+ [scopeToMerge.getScopeData(), scopeToMerge.getRequestSession()]
+ ) : isPlainObject$5(scopeToMerge) ? [captureContext, captureContext.requestSession] : [];
+ const { tags, extra, user, contexts, level, fingerprint = [], propagationContext } = scopeInstance || {};
+ this._tags = { ...this._tags, ...tags };
+ this._extra = { ...this._extra, ...extra };
+ this._contexts = { ...this._contexts, ...contexts };
+ if (user && Object.keys(user).length) {
+ this._user = user;
+ }
+ if (level) {
+ this._level = level;
+ }
+ if (fingerprint.length) {
+ this._fingerprint = fingerprint;
+ }
+ if (propagationContext) {
+ this._propagationContext = propagationContext;
+ }
+ if (requestSession) {
+ this._requestSession = requestSession;
+ }
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ clear() {
+ this._breadcrumbs = [];
+ this._tags = {};
+ this._extra = {};
+ this._user = {};
+ this._contexts = {};
+ this._level = void 0;
+ this._transactionName = void 0;
+ this._fingerprint = void 0;
+ this._requestSession = void 0;
+ this._session = void 0;
+ _setSpanForScope(this, void 0);
+ this._attachments = [];
+ this.setPropagationContext({ traceId: generateTraceId() });
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ addBreadcrumb(breadcrumb, maxBreadcrumbs) {
+ const maxCrumbs = typeof maxBreadcrumbs === "number" ? maxBreadcrumbs : DEFAULT_MAX_BREADCRUMBS;
+ if (maxCrumbs <= 0) {
+ return this;
+ }
+ const mergedBreadcrumb = {
+ timestamp: dateTimestampInSeconds(),
+ ...breadcrumb
+ };
+ const breadcrumbs = this._breadcrumbs;
+ breadcrumbs.push(mergedBreadcrumb);
+ this._breadcrumbs = breadcrumbs.length > maxCrumbs ? breadcrumbs.slice(-maxCrumbs) : breadcrumbs;
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ getLastBreadcrumb() {
+ return this._breadcrumbs[this._breadcrumbs.length - 1];
+ }
+ /**
+ * @inheritDoc
+ */
+ clearBreadcrumbs() {
+ this._breadcrumbs = [];
+ this._notifyScopeListeners();
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ addAttachment(attachment) {
+ this._attachments.push(attachment);
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ clearAttachments() {
+ this._attachments = [];
+ return this;
+ }
+ /** @inheritDoc */
+ getScopeData() {
+ return {
+ breadcrumbs: this._breadcrumbs,
+ attachments: this._attachments,
+ contexts: this._contexts,
+ tags: this._tags,
+ extra: this._extra,
+ user: this._user,
+ level: this._level,
+ fingerprint: this._fingerprint || [],
+ eventProcessors: this._eventProcessors,
+ propagationContext: this._propagationContext,
+ sdkProcessingMetadata: this._sdkProcessingMetadata,
+ transactionName: this._transactionName,
+ span: _getSpanForScope(this)
+ };
+ }
+ /**
+ * @inheritDoc
+ */
+ setSDKProcessingMetadata(newData) {
+ this._sdkProcessingMetadata = merge$1(this._sdkProcessingMetadata, newData, 2);
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ setPropagationContext(context) {
+ this._propagationContext = {
+ // eslint-disable-next-line deprecation/deprecation
+ spanId: generateSpanId(),
+ ...context
+ };
+ return this;
+ }
+ /**
+ * @inheritDoc
+ */
+ getPropagationContext() {
+ return this._propagationContext;
+ }
+ /**
+ * @inheritDoc
+ */
+ captureException(exception, hint) {
+ const eventId = hint && hint.event_id ? hint.event_id : uuid4();
+ if (!this._client) {
+ logger$2.warn("No client configured on scope - will not capture exception!");
+ return eventId;
+ }
+ const syntheticException = new Error("Sentry syntheticException");
+ this._client.captureException(
+ exception,
+ {
+ originalException: exception,
+ syntheticException,
+ ...hint,
+ event_id: eventId
+ },
+ this
+ );
+ return eventId;
+ }
+ /**
+ * @inheritDoc
+ */
+ captureMessage(message3, level, hint) {
+ const eventId = hint && hint.event_id ? hint.event_id : uuid4();
+ if (!this._client) {
+ logger$2.warn("No client configured on scope - will not capture message!");
+ return eventId;
+ }
+ const syntheticException = new Error(message3);
+ this._client.captureMessage(
+ message3,
+ level,
+ {
+ originalException: message3,
+ syntheticException,
+ ...hint,
+ event_id: eventId
+ },
+ this
+ );
+ return eventId;
+ }
+ /**
+ * @inheritDoc
+ */
+ captureEvent(event, hint) {
+ const eventId = hint && hint.event_id ? hint.event_id : uuid4();
+ if (!this._client) {
+ logger$2.warn("No client configured on scope - will not capture event!");
+ return eventId;
+ }
+ this._client.captureEvent(event, { ...hint, event_id: eventId }, this);
+ return eventId;
+ }
+ /**
+ * This will be called on every set call.
+ */
+ _notifyScopeListeners() {
+ if (!this._notifyingListeners) {
+ this._notifyingListeners = true;
+ this._scopeListeners.forEach((callback) => {
+ callback(this);
+ });
+ this._notifyingListeners = false;
+ }
+ }
+}
+const Scope = ScopeClass;
+function getDefaultCurrentScope() {
+ return getGlobalSingleton("defaultCurrentScope", () => new Scope());
+}
+__name(getDefaultCurrentScope, "getDefaultCurrentScope");
+function getDefaultIsolationScope() {
+ return getGlobalSingleton("defaultIsolationScope", () => new Scope());
+}
+__name(getDefaultIsolationScope, "getDefaultIsolationScope");
+class AsyncContextStack {
+ static {
+ __name(this, "AsyncContextStack");
+ }
+ constructor(scope, isolationScope) {
+ let assignedScope;
+ if (!scope) {
+ assignedScope = new Scope();
+ } else {
+ assignedScope = scope;
+ }
+ let assignedIsolationScope;
+ if (!isolationScope) {
+ assignedIsolationScope = new Scope();
+ } else {
+ assignedIsolationScope = isolationScope;
+ }
+ this._stack = [{ scope: assignedScope }];
+ this._isolationScope = assignedIsolationScope;
+ }
+ /**
+ * Fork a scope for the stack.
+ */
+ withScope(callback) {
+ const scope = this._pushScope();
+ let maybePromiseResult;
+ try {
+ maybePromiseResult = callback(scope);
+ } catch (e2) {
+ this._popScope();
+ throw e2;
+ }
+ if (isThenable$1(maybePromiseResult)) {
+ return maybePromiseResult.then(
+ (res) => {
+ this._popScope();
+ return res;
+ },
+ (e2) => {
+ this._popScope();
+ throw e2;
+ }
+ );
+ }
+ this._popScope();
+ return maybePromiseResult;
+ }
+ /**
+ * Get the client of the stack.
+ */
+ getClient() {
+ return this.getStackTop().client;
+ }
+ /**
+ * Returns the scope of the top stack.
+ */
+ getScope() {
+ return this.getStackTop().scope;
+ }
+ /**
+ * Get the isolation scope for the stack.
+ */
+ getIsolationScope() {
+ return this._isolationScope;
+ }
+ /**
+ * Returns the topmost scope layer in the order domain > local > process.
+ */
+ getStackTop() {
+ return this._stack[this._stack.length - 1];
+ }
+ /**
+ * Push a scope to the stack.
+ */
+ _pushScope() {
+ const scope = this.getScope().clone();
+ this._stack.push({
+ client: this.getClient(),
+ scope
+ });
+ return scope;
+ }
+ /**
+ * Pop a scope from the stack.
+ */
+ _popScope() {
+ if (this._stack.length <= 1) return false;
+ return !!this._stack.pop();
+ }
+}
+function getAsyncContextStack() {
+ const registry = getMainCarrier();
+ const sentry = getSentryCarrier(registry);
+ return sentry.stack = sentry.stack || new AsyncContextStack(getDefaultCurrentScope(), getDefaultIsolationScope());
+}
+__name(getAsyncContextStack, "getAsyncContextStack");
+function withScope$1(callback) {
+ return getAsyncContextStack().withScope(callback);
+}
+__name(withScope$1, "withScope$1");
+function withSetScope(scope, callback) {
+ const stack2 = getAsyncContextStack();
+ return stack2.withScope(() => {
+ stack2.getStackTop().scope = scope;
+ return callback(scope);
+ });
+}
+__name(withSetScope, "withSetScope");
+function withIsolationScope$1(callback) {
+ return getAsyncContextStack().withScope(() => {
+ return callback(getAsyncContextStack().getIsolationScope());
+ });
+}
+__name(withIsolationScope$1, "withIsolationScope$1");
+function getStackAsyncContextStrategy() {
+ return {
+ withIsolationScope: withIsolationScope$1,
+ withScope: withScope$1,
+ withSetScope,
+ withSetIsolationScope: /* @__PURE__ */ __name((_isolationScope, callback) => {
+ return withIsolationScope$1(callback);
+ }, "withSetIsolationScope"),
+ getCurrentScope: /* @__PURE__ */ __name(() => getAsyncContextStack().getScope(), "getCurrentScope"),
+ getIsolationScope: /* @__PURE__ */ __name(() => getAsyncContextStack().getIsolationScope(), "getIsolationScope")
+ };
+}
+__name(getStackAsyncContextStrategy, "getStackAsyncContextStrategy");
+function setAsyncContextStrategy(strategy) {
+ const registry = getMainCarrier();
+ const sentry = getSentryCarrier(registry);
+ sentry.acs = strategy;
+}
+__name(setAsyncContextStrategy, "setAsyncContextStrategy");
+function getAsyncContextStrategy(carrier) {
+ const sentry = getSentryCarrier(carrier);
+ if (sentry.acs) {
+ return sentry.acs;
+ }
+ return getStackAsyncContextStrategy();
+}
+__name(getAsyncContextStrategy, "getAsyncContextStrategy");
+function getCurrentScope$1() {
+ const carrier = getMainCarrier();
+ const acs = getAsyncContextStrategy(carrier);
+ return acs.getCurrentScope();
+}
+__name(getCurrentScope$1, "getCurrentScope$1");
+function getIsolationScope() {
+ const carrier = getMainCarrier();
+ const acs = getAsyncContextStrategy(carrier);
+ return acs.getIsolationScope();
+}
+__name(getIsolationScope, "getIsolationScope");
+function getGlobalScope() {
+ return getGlobalSingleton("globalScope", () => new Scope());
+}
+__name(getGlobalScope, "getGlobalScope");
+function withScope(...rest) {
+ const carrier = getMainCarrier();
+ const acs = getAsyncContextStrategy(carrier);
+ if (rest.length === 2) {
+ const [scope, callback] = rest;
+ if (!scope) {
+ return acs.withScope(callback);
+ }
+ return acs.withSetScope(scope, callback);
+ }
+ return acs.withScope(rest[0]);
+}
+__name(withScope, "withScope");
+function withIsolationScope(...rest) {
+ const carrier = getMainCarrier();
+ const acs = getAsyncContextStrategy(carrier);
+ if (rest.length === 2) {
+ const [isolationScope, callback] = rest;
+ if (!isolationScope) {
+ return acs.withIsolationScope(callback);
+ }
+ return acs.withSetIsolationScope(isolationScope, callback);
+ }
+ return acs.withIsolationScope(rest[0]);
+}
+__name(withIsolationScope, "withIsolationScope");
+function getClient() {
+ return getCurrentScope$1().getClient();
+}
+__name(getClient, "getClient");
+function getTraceContextFromScope(scope) {
+ const propagationContext = scope.getPropagationContext();
+ const { traceId, spanId, parentSpanId } = propagationContext;
+ const traceContext = dropUndefinedKeys({
+ trace_id: traceId,
+ span_id: spanId,
+ parent_span_id: parentSpanId
+ });
+ return traceContext;
+}
+__name(getTraceContextFromScope, "getTraceContextFromScope");
+const METRICS_SPAN_FIELD = "_sentryMetrics";
+function getMetricSummaryJsonForSpan(span) {
+ const storage = span[METRICS_SPAN_FIELD];
+ if (!storage) {
+ return void 0;
+ }
+ const output = {};
+ for (const [, [exportKey, summary]] of storage) {
+ const arr = output[exportKey] || (output[exportKey] = []);
+ arr.push(dropUndefinedKeys(summary));
+ }
+ return output;
+}
+__name(getMetricSummaryJsonForSpan, "getMetricSummaryJsonForSpan");
+function updateMetricSummaryOnSpan(span, metricType, sanitizedName, value4, unit, tags, bucketKey) {
+ const existingStorage = span[METRICS_SPAN_FIELD];
+ const storage = existingStorage || (span[METRICS_SPAN_FIELD] = /* @__PURE__ */ new Map());
+ const exportKey = `${metricType}:${sanitizedName}@${unit}`;
+ const bucketItem = storage.get(bucketKey);
+ if (bucketItem) {
+ const [, summary] = bucketItem;
+ storage.set(bucketKey, [
+ exportKey,
+ {
+ min: Math.min(summary.min, value4),
+ max: Math.max(summary.max, value4),
+ count: summary.count += 1,
+ sum: summary.sum += value4,
+ tags: summary.tags
+ }
+ ]);
+ } else {
+ storage.set(bucketKey, [
+ exportKey,
+ {
+ min: value4,
+ max: value4,
+ count: 1,
+ sum: value4,
+ tags
+ }
+ ]);
+ }
+}
+__name(updateMetricSummaryOnSpan, "updateMetricSummaryOnSpan");
+const SEMANTIC_ATTRIBUTE_SENTRY_SOURCE = "sentry.source";
+const SEMANTIC_ATTRIBUTE_SENTRY_SAMPLE_RATE = "sentry.sample_rate";
+const SEMANTIC_ATTRIBUTE_SENTRY_OP = "sentry.op";
+const SEMANTIC_ATTRIBUTE_SENTRY_ORIGIN = "sentry.origin";
+const SEMANTIC_ATTRIBUTE_SENTRY_IDLE_SPAN_FINISH_REASON = "sentry.idle_span_finish_reason";
+const SEMANTIC_ATTRIBUTE_SENTRY_MEASUREMENT_UNIT = "sentry.measurement_unit";
+const SEMANTIC_ATTRIBUTE_SENTRY_MEASUREMENT_VALUE = "sentry.measurement_value";
+const SEMANTIC_ATTRIBUTE_SENTRY_CUSTOM_SPAN_NAME = "sentry.custom_span_name";
+const SEMANTIC_ATTRIBUTE_PROFILE_ID = "sentry.profile_id";
+const SEMANTIC_ATTRIBUTE_EXCLUSIVE_TIME = "sentry.exclusive_time";
+const SEMANTIC_ATTRIBUTE_CACHE_HIT = "cache.hit";
+const SEMANTIC_ATTRIBUTE_CACHE_KEY = "cache.key";
+const SEMANTIC_ATTRIBUTE_CACHE_ITEM_SIZE = "cache.item_size";
+const SEMANTIC_ATTRIBUTE_HTTP_REQUEST_METHOD = "http.request.method";
+const SEMANTIC_ATTRIBUTE_URL_FULL = "url.full";
+const SPAN_STATUS_UNSET = 0;
+const SPAN_STATUS_OK = 1;
+const SPAN_STATUS_ERROR = 2;
+function getSpanStatusFromHttpCode(httpStatus) {
+ if (httpStatus < 400 && httpStatus >= 100) {
+ return { code: SPAN_STATUS_OK };
+ }
+ if (httpStatus >= 400 && httpStatus < 500) {
+ switch (httpStatus) {
+ case 401:
+ return { code: SPAN_STATUS_ERROR, message: "unauthenticated" };
+ case 403:
+ return { code: SPAN_STATUS_ERROR, message: "permission_denied" };
+ case 404:
+ return { code: SPAN_STATUS_ERROR, message: "not_found" };
+ case 409:
+ return { code: SPAN_STATUS_ERROR, message: "already_exists" };
+ case 413:
+ return { code: SPAN_STATUS_ERROR, message: "failed_precondition" };
+ case 429:
+ return { code: SPAN_STATUS_ERROR, message: "resource_exhausted" };
+ case 499:
+ return { code: SPAN_STATUS_ERROR, message: "cancelled" };
+ default:
+ return { code: SPAN_STATUS_ERROR, message: "invalid_argument" };
+ }
+ }
+ if (httpStatus >= 500 && httpStatus < 600) {
+ switch (httpStatus) {
+ case 501:
+ return { code: SPAN_STATUS_ERROR, message: "unimplemented" };
+ case 503:
+ return { code: SPAN_STATUS_ERROR, message: "unavailable" };
+ case 504:
+ return { code: SPAN_STATUS_ERROR, message: "deadline_exceeded" };
+ default:
+ return { code: SPAN_STATUS_ERROR, message: "internal_error" };
+ }
+ }
+ return { code: SPAN_STATUS_ERROR, message: "unknown_error" };
+}
+__name(getSpanStatusFromHttpCode, "getSpanStatusFromHttpCode");
+function setHttpStatus(span, httpStatus) {
+ span.setAttribute("http.response.status_code", httpStatus);
+ const spanStatus = getSpanStatusFromHttpCode(httpStatus);
+ if (spanStatus.message !== "unknown_error") {
+ span.setStatus(spanStatus);
+ }
+}
+__name(setHttpStatus, "setHttpStatus");
+const BAGGAGE_HEADER_NAME = "baggage";
+const SENTRY_BAGGAGE_KEY_PREFIX = "sentry-";
+const SENTRY_BAGGAGE_KEY_PREFIX_REGEX = /^sentry-/;
+const MAX_BAGGAGE_STRING_LENGTH = 8192;
+function baggageHeaderToDynamicSamplingContext(baggageHeader) {
+ const baggageObject = parseBaggageHeader(baggageHeader);
+ if (!baggageObject) {
+ return void 0;
+ }
+ const dynamicSamplingContext = Object.entries(baggageObject).reduce((acc, [key, value4]) => {
+ if (key.match(SENTRY_BAGGAGE_KEY_PREFIX_REGEX)) {
+ const nonPrefixedKey = key.slice(SENTRY_BAGGAGE_KEY_PREFIX.length);
+ acc[nonPrefixedKey] = value4;
+ }
+ return acc;
+ }, {});
+ if (Object.keys(dynamicSamplingContext).length > 0) {
+ return dynamicSamplingContext;
+ } else {
+ return void 0;
+ }
+}
+__name(baggageHeaderToDynamicSamplingContext, "baggageHeaderToDynamicSamplingContext");
+function dynamicSamplingContextToSentryBaggageHeader(dynamicSamplingContext) {
+ if (!dynamicSamplingContext) {
+ return void 0;
+ }
+ const sentryPrefixedDSC = Object.entries(dynamicSamplingContext).reduce(
+ (acc, [dscKey, dscValue]) => {
+ if (dscValue) {
+ acc[`${SENTRY_BAGGAGE_KEY_PREFIX}${dscKey}`] = dscValue;
+ }
+ return acc;
+ },
+ {}
+ );
+ return objectToBaggageHeader(sentryPrefixedDSC);
+}
+__name(dynamicSamplingContextToSentryBaggageHeader, "dynamicSamplingContextToSentryBaggageHeader");
+function parseBaggageHeader(baggageHeader) {
+ if (!baggageHeader || !isString$8(baggageHeader) && !Array.isArray(baggageHeader)) {
+ return void 0;
+ }
+ if (Array.isArray(baggageHeader)) {
+ return baggageHeader.reduce((acc, curr) => {
+ const currBaggageObject = baggageHeaderToObject(curr);
+ Object.entries(currBaggageObject).forEach(([key, value4]) => {
+ acc[key] = value4;
+ });
+ return acc;
+ }, {});
+ }
+ return baggageHeaderToObject(baggageHeader);
+}
+__name(parseBaggageHeader, "parseBaggageHeader");
+function baggageHeaderToObject(baggageHeader) {
+ return baggageHeader.split(",").map((baggageEntry) => baggageEntry.split("=").map((keyOrValue) => decodeURIComponent(keyOrValue.trim()))).reduce((acc, [key, value4]) => {
+ if (key && value4) {
+ acc[key] = value4;
+ }
+ return acc;
+ }, {});
+}
+__name(baggageHeaderToObject, "baggageHeaderToObject");
+function objectToBaggageHeader(object) {
+ if (Object.keys(object).length === 0) {
+ return void 0;
+ }
+ return Object.entries(object).reduce((baggageHeader, [objectKey, objectValue], currentIndex) => {
+ const baggageEntry = `${encodeURIComponent(objectKey)}=${encodeURIComponent(objectValue)}`;
+ const newBaggageHeader = currentIndex === 0 ? baggageEntry : `${baggageHeader},${baggageEntry}`;
+ if (newBaggageHeader.length > MAX_BAGGAGE_STRING_LENGTH) {
+ DEBUG_BUILD$5 && logger$2.warn(
+ `Not adding key: ${objectKey} with val: ${objectValue} to baggage header due to exceeding baggage size limits.`
+ );
+ return baggageHeader;
+ } else {
+ return newBaggageHeader;
+ }
+ }, "");
+}
+__name(objectToBaggageHeader, "objectToBaggageHeader");
+const TRACEPARENT_REGEXP = new RegExp(
+ "^[ \\t]*([0-9a-f]{32})?-?([0-9a-f]{16})?-?([01])?[ \\t]*$"
+ // whitespace
+);
+function extractTraceparentData(traceparent) {
+ if (!traceparent) {
+ return void 0;
+ }
+ const matches2 = traceparent.match(TRACEPARENT_REGEXP);
+ if (!matches2) {
+ return void 0;
+ }
+ let parentSampled;
+ if (matches2[3] === "1") {
+ parentSampled = true;
+ } else if (matches2[3] === "0") {
+ parentSampled = false;
+ }
+ return {
+ traceId: matches2[1],
+ parentSampled,
+ parentSpanId: matches2[2]
+ };
+}
+__name(extractTraceparentData, "extractTraceparentData");
+function propagationContextFromHeaders(sentryTrace, baggage) {
+ const traceparentData = extractTraceparentData(sentryTrace);
+ const dynamicSamplingContext = baggageHeaderToDynamicSamplingContext(baggage);
+ if (!traceparentData || !traceparentData.traceId) {
+ return { traceId: generateTraceId(), spanId: generateSpanId() };
+ }
+ const { traceId, parentSpanId, parentSampled } = traceparentData;
+ const virtualSpanId = generateSpanId();
+ return {
+ traceId,
+ parentSpanId,
+ spanId: virtualSpanId,
+ sampled: parentSampled,
+ dsc: dynamicSamplingContext || {}
+ // If we have traceparent data but no DSC it means we are not head of trace and we must freeze it
+ };
+}
+__name(propagationContextFromHeaders, "propagationContextFromHeaders");
+function generateSentryTraceHeader(traceId = generateTraceId(), spanId = generateSpanId(), sampled) {
+ let sampledString = "";
+ if (sampled !== void 0) {
+ sampledString = sampled ? "-1" : "-0";
+ }
+ return `${traceId}-${spanId}${sampledString}`;
+}
+__name(generateSentryTraceHeader, "generateSentryTraceHeader");
+const TRACE_FLAG_NONE = 0;
+const TRACE_FLAG_SAMPLED = 1;
+let hasShownSpanDropWarning = false;
+function spanToTransactionTraceContext(span) {
+ const { spanId: span_id, traceId: trace_id } = span.spanContext();
+ const { data: data25, op, parent_span_id, status, origin: origin2 } = spanToJSON(span);
+ return dropUndefinedKeys({
+ parent_span_id,
+ span_id,
+ trace_id,
+ data: data25,
+ op,
+ status,
+ origin: origin2
+ });
+}
+__name(spanToTransactionTraceContext, "spanToTransactionTraceContext");
+function spanToTraceContext(span) {
+ const { spanId, traceId: trace_id, isRemote } = span.spanContext();
+ const parent_span_id = isRemote ? spanId : spanToJSON(span).parent_span_id;
+ const span_id = isRemote ? generateSpanId() : spanId;
+ return dropUndefinedKeys({
+ parent_span_id,
+ span_id,
+ trace_id
+ });
+}
+__name(spanToTraceContext, "spanToTraceContext");
+function spanToTraceHeader(span) {
+ const { traceId, spanId } = span.spanContext();
+ const sampled = spanIsSampled(span);
+ return generateSentryTraceHeader(traceId, spanId, sampled);
+}
+__name(spanToTraceHeader, "spanToTraceHeader");
+function spanTimeInputToSeconds(input) {
+ if (typeof input === "number") {
+ return ensureTimestampInSeconds(input);
+ }
+ if (Array.isArray(input)) {
+ return input[0] + input[1] / 1e9;
+ }
+ if (input instanceof Date) {
+ return ensureTimestampInSeconds(input.getTime());
+ }
+ return timestampInSeconds();
+}
+__name(spanTimeInputToSeconds, "spanTimeInputToSeconds");
+function ensureTimestampInSeconds(timestamp2) {
+ const isMs = timestamp2 > 9999999999;
+ return isMs ? timestamp2 / 1e3 : timestamp2;
+}
+__name(ensureTimestampInSeconds, "ensureTimestampInSeconds");
+function spanToJSON(span) {
+ if (spanIsSentrySpan(span)) {
+ return span.getSpanJSON();
+ }
+ try {
+ const { spanId: span_id, traceId: trace_id } = span.spanContext();
+ if (spanIsOpenTelemetrySdkTraceBaseSpan(span)) {
+ const { attributes, startTime, name: name2, endTime, parentSpanId, status } = span;
+ return dropUndefinedKeys({
+ span_id,
+ trace_id,
+ data: attributes,
+ description: name2,
+ parent_span_id: parentSpanId,
+ start_timestamp: spanTimeInputToSeconds(startTime),
+ // This is [0,0] by default in OTEL, in which case we want to interpret this as no end time
+ timestamp: spanTimeInputToSeconds(endTime) || void 0,
+ status: getStatusMessage(status),
+ op: attributes[SEMANTIC_ATTRIBUTE_SENTRY_OP],
+ origin: attributes[SEMANTIC_ATTRIBUTE_SENTRY_ORIGIN],
+ _metrics_summary: getMetricSummaryJsonForSpan(span)
+ });
+ }
+ return {
+ span_id,
+ trace_id
+ };
+ } catch (e2) {
+ return {};
+ }
+}
+__name(spanToJSON, "spanToJSON");
+function spanIsOpenTelemetrySdkTraceBaseSpan(span) {
+ const castSpan = span;
+ return !!castSpan.attributes && !!castSpan.startTime && !!castSpan.name && !!castSpan.endTime && !!castSpan.status;
+}
+__name(spanIsOpenTelemetrySdkTraceBaseSpan, "spanIsOpenTelemetrySdkTraceBaseSpan");
+function spanIsSentrySpan(span) {
+ return typeof span.getSpanJSON === "function";
+}
+__name(spanIsSentrySpan, "spanIsSentrySpan");
+function spanIsSampled(span) {
+ const { traceFlags } = span.spanContext();
+ return traceFlags === TRACE_FLAG_SAMPLED;
+}
+__name(spanIsSampled, "spanIsSampled");
+function getStatusMessage(status) {
+ if (!status || status.code === SPAN_STATUS_UNSET) {
+ return void 0;
+ }
+ if (status.code === SPAN_STATUS_OK) {
+ return "ok";
+ }
+ return status.message || "unknown_error";
+}
+__name(getStatusMessage, "getStatusMessage");
+const CHILD_SPANS_FIELD = "_sentryChildSpans";
+const ROOT_SPAN_FIELD = "_sentryRootSpan";
+function addChildSpanToSpan(span, childSpan) {
+ const rootSpan = span[ROOT_SPAN_FIELD] || span;
+ addNonEnumerableProperty(childSpan, ROOT_SPAN_FIELD, rootSpan);
+ if (span[CHILD_SPANS_FIELD]) {
+ span[CHILD_SPANS_FIELD].add(childSpan);
+ } else {
+ addNonEnumerableProperty(span, CHILD_SPANS_FIELD, /* @__PURE__ */ new Set([childSpan]));
+ }
+}
+__name(addChildSpanToSpan, "addChildSpanToSpan");
+function removeChildSpanFromSpan(span, childSpan) {
+ if (span[CHILD_SPANS_FIELD]) {
+ span[CHILD_SPANS_FIELD].delete(childSpan);
+ }
+}
+__name(removeChildSpanFromSpan, "removeChildSpanFromSpan");
+function getSpanDescendants(span) {
+ const resultSet = /* @__PURE__ */ new Set();
+ function addSpanChildren(span2) {
+ if (resultSet.has(span2)) {
+ return;
+ } else if (spanIsSampled(span2)) {
+ resultSet.add(span2);
+ const childSpans = span2[CHILD_SPANS_FIELD] ? Array.from(span2[CHILD_SPANS_FIELD]) : [];
+ for (const childSpan of childSpans) {
+ addSpanChildren(childSpan);
+ }
+ }
+ }
+ __name(addSpanChildren, "addSpanChildren");
+ addSpanChildren(span);
+ return Array.from(resultSet);
+}
+__name(getSpanDescendants, "getSpanDescendants");
+function getRootSpan(span) {
+ return span[ROOT_SPAN_FIELD] || span;
+}
+__name(getRootSpan, "getRootSpan");
+function getActiveSpan() {
+ const carrier = getMainCarrier();
+ const acs = getAsyncContextStrategy(carrier);
+ if (acs.getActiveSpan) {
+ return acs.getActiveSpan();
+ }
+ return _getSpanForScope(getCurrentScope$1());
+}
+__name(getActiveSpan, "getActiveSpan");
+function updateMetricSummaryOnActiveSpan(metricType, sanitizedName, value4, unit, tags, bucketKey) {
+ const span = getActiveSpan();
+ if (span) {
+ updateMetricSummaryOnSpan(span, metricType, sanitizedName, value4, unit, tags, bucketKey);
+ }
+}
+__name(updateMetricSummaryOnActiveSpan, "updateMetricSummaryOnActiveSpan");
+function showSpanDropWarning() {
+ if (!hasShownSpanDropWarning) {
+ consoleSandbox(() => {
+ console.warn(
+ "[Sentry] Deprecation warning: Returning null from `beforeSendSpan` will be disallowed from SDK version 9.0.0 onwards. The callback will only support mutating spans. To drop certain spans, configure the respective integrations directly."
+ );
+ });
+ hasShownSpanDropWarning = true;
+ }
+}
+__name(showSpanDropWarning, "showSpanDropWarning");
+function updateSpanName(span, name2) {
+ span.updateName(name2);
+ span.setAttributes({
+ [SEMANTIC_ATTRIBUTE_SENTRY_SOURCE]: "custom",
+ [SEMANTIC_ATTRIBUTE_SENTRY_CUSTOM_SPAN_NAME]: name2
+ });
+}
+__name(updateSpanName, "updateSpanName");
+let errorsInstrumented = false;
+function registerSpanErrorInstrumentation() {
+ if (errorsInstrumented) {
+ return;
+ }
+ errorsInstrumented = true;
+ addGlobalErrorInstrumentationHandler(errorCallback);
+ addGlobalUnhandledRejectionInstrumentationHandler(errorCallback);
+}
+__name(registerSpanErrorInstrumentation, "registerSpanErrorInstrumentation");
+function errorCallback() {
+ const activeSpan = getActiveSpan();
+ const rootSpan = activeSpan && getRootSpan(activeSpan);
+ if (rootSpan) {
+ const message3 = "internal_error";
+ DEBUG_BUILD$6 && logger$2.log(`[Tracing] Root span: ${message3} -> Global error occurred`);
+ rootSpan.setStatus({ code: SPAN_STATUS_ERROR, message: message3 });
+ }
+}
+__name(errorCallback, "errorCallback");
+errorCallback.tag = "sentry_tracingErrorCallback";
+const SCOPE_ON_START_SPAN_FIELD = "_sentryScope";
+const ISOLATION_SCOPE_ON_START_SPAN_FIELD = "_sentryIsolationScope";
+function setCapturedScopesOnSpan(span, scope, isolationScope) {
+ if (span) {
+ addNonEnumerableProperty(span, ISOLATION_SCOPE_ON_START_SPAN_FIELD, isolationScope);
+ addNonEnumerableProperty(span, SCOPE_ON_START_SPAN_FIELD, scope);
+ }
+}
+__name(setCapturedScopesOnSpan, "setCapturedScopesOnSpan");
+function getCapturedScopesOnSpan(span) {
+ return {
+ scope: span[SCOPE_ON_START_SPAN_FIELD],
+ isolationScope: span[ISOLATION_SCOPE_ON_START_SPAN_FIELD]
+ };
+}
+__name(getCapturedScopesOnSpan, "getCapturedScopesOnSpan");
+function addTracingExtensions() {
+ registerSpanErrorInstrumentation();
+}
+__name(addTracingExtensions, "addTracingExtensions");
+function hasTracingEnabled(maybeOptions) {
+ if (typeof __SENTRY_TRACING__ === "boolean" && !__SENTRY_TRACING__) {
+ return false;
+ }
+ const client = getClient();
+ const options4 = maybeOptions || client && client.getOptions();
+ return !!options4 && (options4.enableTracing || "tracesSampleRate" in options4 || "tracesSampler" in options4);
+}
+__name(hasTracingEnabled, "hasTracingEnabled");
+class SentryNonRecordingSpan {
+ static {
+ __name(this, "SentryNonRecordingSpan");
+ }
+ constructor(spanContext = {}) {
+ this._traceId = spanContext.traceId || generateTraceId();
+ this._spanId = spanContext.spanId || generateSpanId();
+ }
+ /** @inheritdoc */
+ spanContext() {
+ return {
+ spanId: this._spanId,
+ traceId: this._traceId,
+ traceFlags: TRACE_FLAG_NONE
+ };
+ }
+ /** @inheritdoc */
+ // eslint-disable-next-line @typescript-eslint/no-empty-function
+ end(_timestamp) {
+ }
+ /** @inheritdoc */
+ setAttribute(_key, _value) {
+ return this;
+ }
+ /** @inheritdoc */
+ setAttributes(_values) {
+ return this;
+ }
+ /** @inheritdoc */
+ setStatus(_status) {
+ return this;
+ }
+ /** @inheritdoc */
+ updateName(_name) {
+ return this;
+ }
+ /** @inheritdoc */
+ isRecording() {
+ return false;
+ }
+ /** @inheritdoc */
+ addEvent(_name, _attributesOrStartTime, _startTime) {
+ return this;
+ }
+ /**
+ * This should generally not be used,
+ * but we need it for being compliant with the OTEL Span interface.
+ *
+ * @hidden
+ * @internal
+ */
+ addLink(_link) {
+ return this;
+ }
+ /**
+ * This should generally not be used,
+ * but we need it for being compliant with the OTEL Span interface.
+ *
+ * @hidden
+ * @internal
+ */
+ addLinks(_links) {
+ return this;
+ }
+ /**
+ * This should generally not be used,
+ * but we need it for being compliant with the OTEL Span interface.
+ *
+ * @hidden
+ * @internal
+ */
+ recordException(_exception, _time) {
+ }
+}
+function handleCallbackErrors(fn, onError, onFinally = () => {
+}) {
+ let maybePromiseResult;
+ try {
+ maybePromiseResult = fn();
+ } catch (e2) {
+ onError(e2);
+ onFinally();
+ throw e2;
+ }
+ return maybeHandlePromiseRejection(maybePromiseResult, onError, onFinally);
+}
+__name(handleCallbackErrors, "handleCallbackErrors");
+function maybeHandlePromiseRejection(value4, onError, onFinally) {
+ if (isThenable$1(value4)) {
+ return value4.then(
+ (res) => {
+ onFinally();
+ return res;
+ },
+ (e2) => {
+ onError(e2);
+ onFinally();
+ throw e2;
+ }
+ );
+ }
+ onFinally();
+ return value4;
+}
+__name(maybeHandlePromiseRejection, "maybeHandlePromiseRejection");
+const DEFAULT_ENVIRONMENT = "production";
+const FROZEN_DSC_FIELD = "_frozenDsc";
+function freezeDscOnSpan(span, dsc) {
+ const spanWithMaybeDsc = span;
+ addNonEnumerableProperty(spanWithMaybeDsc, FROZEN_DSC_FIELD, dsc);
+}
+__name(freezeDscOnSpan, "freezeDscOnSpan");
+function getDynamicSamplingContextFromClient(trace_id, client) {
+ const options4 = client.getOptions();
+ const { publicKey: public_key } = client.getDsn() || {};
+ const dsc = dropUndefinedKeys({
+ environment: options4.environment || DEFAULT_ENVIRONMENT,
+ release: options4.release,
+ public_key,
+ trace_id
+ });
+ client.emit("createDsc", dsc);
+ return dsc;
+}
+__name(getDynamicSamplingContextFromClient, "getDynamicSamplingContextFromClient");
+function getDynamicSamplingContextFromScope(client, scope) {
+ const propagationContext = scope.getPropagationContext();
+ return propagationContext.dsc || getDynamicSamplingContextFromClient(propagationContext.traceId, client);
+}
+__name(getDynamicSamplingContextFromScope, "getDynamicSamplingContextFromScope");
+function getDynamicSamplingContextFromSpan(span) {
+ const client = getClient();
+ if (!client) {
+ return {};
+ }
+ const rootSpan = getRootSpan(span);
+ const frozenDsc = rootSpan[FROZEN_DSC_FIELD];
+ if (frozenDsc) {
+ return frozenDsc;
+ }
+ const traceState = rootSpan.spanContext().traceState;
+ const traceStateDsc = traceState && traceState.get("sentry.dsc");
+ const dscOnTraceState = traceStateDsc && baggageHeaderToDynamicSamplingContext(traceStateDsc);
+ if (dscOnTraceState) {
+ return dscOnTraceState;
+ }
+ const dsc = getDynamicSamplingContextFromClient(span.spanContext().traceId, client);
+ const jsonSpan = spanToJSON(rootSpan);
+ const attributes = jsonSpan.data || {};
+ const maybeSampleRate = attributes[SEMANTIC_ATTRIBUTE_SENTRY_SAMPLE_RATE];
+ if (maybeSampleRate != null) {
+ dsc.sample_rate = `${maybeSampleRate}`;
+ }
+ const source = attributes[SEMANTIC_ATTRIBUTE_SENTRY_SOURCE];
+ const name2 = jsonSpan.description;
+ if (source !== "url" && name2) {
+ dsc.transaction = name2;
+ }
+ if (hasTracingEnabled()) {
+ dsc.sampled = String(spanIsSampled(rootSpan));
+ }
+ client.emit("createDsc", dsc, rootSpan);
+ return dsc;
+}
+__name(getDynamicSamplingContextFromSpan, "getDynamicSamplingContextFromSpan");
+function spanToBaggageHeader(span) {
+ const dsc = getDynamicSamplingContextFromSpan(span);
+ return dynamicSamplingContextToSentryBaggageHeader(dsc);
+}
+__name(spanToBaggageHeader, "spanToBaggageHeader");
+function logSpanStart(span) {
+ if (!DEBUG_BUILD$6) return;
+ const { description = "< unknown name >", op = "< unknown op >", parent_span_id: parentSpanId } = spanToJSON(span);
+ const { spanId } = span.spanContext();
+ const sampled = spanIsSampled(span);
+ const rootSpan = getRootSpan(span);
+ const isRootSpan = rootSpan === span;
+ const header3 = `[Tracing] Starting ${sampled ? "sampled" : "unsampled"} ${isRootSpan ? "root " : ""}span`;
+ const infoParts = [`op: ${op}`, `name: ${description}`, `ID: ${spanId}`];
+ if (parentSpanId) {
+ infoParts.push(`parent ID: ${parentSpanId}`);
+ }
+ if (!isRootSpan) {
+ const { op: op2, description: description2 } = spanToJSON(rootSpan);
+ infoParts.push(`root ID: ${rootSpan.spanContext().spanId}`);
+ if (op2) {
+ infoParts.push(`root op: ${op2}`);
+ }
+ if (description2) {
+ infoParts.push(`root description: ${description2}`);
+ }
+ }
+ logger$2.log(`${header3}
+ ${infoParts.join("\n ")}`);
+}
+__name(logSpanStart, "logSpanStart");
+function logSpanEnd(span) {
+ if (!DEBUG_BUILD$6) return;
+ const { description = "< unknown name >", op = "< unknown op >" } = spanToJSON(span);
+ const { spanId } = span.spanContext();
+ const rootSpan = getRootSpan(span);
+ const isRootSpan = rootSpan === span;
+ const msg = `[Tracing] Finishing "${op}" ${isRootSpan ? "root " : ""}span "${description}" with ID ${spanId}`;
+ logger$2.log(msg);
+}
+__name(logSpanEnd, "logSpanEnd");
+function parseSampleRate(sampleRate) {
+ if (typeof sampleRate === "boolean") {
+ return Number(sampleRate);
+ }
+ const rate = typeof sampleRate === "string" ? parseFloat(sampleRate) : sampleRate;
+ if (typeof rate !== "number" || isNaN(rate) || rate < 0 || rate > 1) {
+ DEBUG_BUILD$6 && logger$2.warn(
+ `[Tracing] Given sample rate is invalid. Sample rate must be a boolean or a number between 0 and 1. Got ${JSON.stringify(
+ sampleRate
+ )} of type ${JSON.stringify(typeof sampleRate)}.`
+ );
+ return void 0;
+ }
+ return rate;
+}
+__name(parseSampleRate, "parseSampleRate");
+function sampleSpan(options4, samplingContext) {
+ if (!hasTracingEnabled(options4)) {
+ return [false];
+ }
+ const normalizedRequest = getIsolationScope().getScopeData().sdkProcessingMetadata.normalizedRequest;
+ const enhancedSamplingContext = {
+ ...samplingContext,
+ normalizedRequest: samplingContext.normalizedRequest || normalizedRequest
+ };
+ let sampleRate;
+ if (typeof options4.tracesSampler === "function") {
+ sampleRate = options4.tracesSampler(enhancedSamplingContext);
+ } else if (enhancedSamplingContext.parentSampled !== void 0) {
+ sampleRate = enhancedSamplingContext.parentSampled;
+ } else if (typeof options4.tracesSampleRate !== "undefined") {
+ sampleRate = options4.tracesSampleRate;
+ } else {
+ sampleRate = 1;
+ }
+ const parsedSampleRate = parseSampleRate(sampleRate);
+ if (parsedSampleRate === void 0) {
+ DEBUG_BUILD$6 && logger$2.warn("[Tracing] Discarding transaction because of invalid sample rate.");
+ return [false];
+ }
+ if (!parsedSampleRate) {
+ DEBUG_BUILD$6 && logger$2.log(
+ `[Tracing] Discarding transaction because ${typeof options4.tracesSampler === "function" ? "tracesSampler returned 0 or false" : "a negative sampling decision was inherited or tracesSampleRate is set to 0"}`
+ );
+ return [false, parsedSampleRate];
+ }
+ const shouldSample = Math.random() < parsedSampleRate;
+ if (!shouldSample) {
+ DEBUG_BUILD$6 && logger$2.log(
+ `[Tracing] Discarding transaction because it's not included in the random sample (sampling rate = ${Number(
+ sampleRate
+ )})`
+ );
+ return [false, parsedSampleRate];
+ }
+ return [true, parsedSampleRate];
+}
+__name(sampleSpan, "sampleSpan");
+const DSN_REGEX = /^(?:(\w+):)\/\/(?:(\w+)(?::(\w+)?)?@)([\w.-]+)(?::(\d+))?\/(.+)/;
+function isValidProtocol(protocol) {
+ return protocol === "http" || protocol === "https";
+}
+__name(isValidProtocol, "isValidProtocol");
+function dsnToString(dsn, withPassword = false) {
+ const { host, path, pass, port, projectId, protocol, publicKey } = dsn;
+ return `${protocol}://${publicKey}${withPassword && pass ? `:${pass}` : ""}@${host}${port ? `:${port}` : ""}/${path ? `${path}/` : path}${projectId}`;
+}
+__name(dsnToString, "dsnToString");
+function dsnFromString(str) {
+ const match2 = DSN_REGEX.exec(str);
+ if (!match2) {
+ consoleSandbox(() => {
+ console.error(`Invalid Sentry Dsn: ${str}`);
+ });
+ return void 0;
+ }
+ const [protocol, publicKey, pass = "", host = "", port = "", lastPath = ""] = match2.slice(1);
+ let path = "";
+ let projectId = lastPath;
+ const split2 = projectId.split("/");
+ if (split2.length > 1) {
+ path = split2.slice(0, -1).join("/");
+ projectId = split2.pop();
+ }
+ if (projectId) {
+ const projectMatch = projectId.match(/^\d+/);
+ if (projectMatch) {
+ projectId = projectMatch[0];
+ }
+ }
+ return dsnFromComponents({ host, pass, path, projectId, port, protocol, publicKey });
+}
+__name(dsnFromString, "dsnFromString");
+function dsnFromComponents(components) {
+ return {
+ protocol: components.protocol,
+ publicKey: components.publicKey || "",
+ pass: components.pass || "",
+ host: components.host,
+ port: components.port || "",
+ path: components.path || "",
+ projectId: components.projectId
+ };
+}
+__name(dsnFromComponents, "dsnFromComponents");
+function validateDsn(dsn) {
+ if (!DEBUG_BUILD$5) {
+ return true;
+ }
+ const { port, projectId, protocol } = dsn;
+ const requiredComponents = ["protocol", "publicKey", "host", "projectId"];
+ const hasMissingRequiredComponent = requiredComponents.find((component) => {
+ if (!dsn[component]) {
+ logger$2.error(`Invalid Sentry Dsn: ${component} missing`);
+ return true;
+ }
+ return false;
+ });
+ if (hasMissingRequiredComponent) {
+ return false;
+ }
+ if (!projectId.match(/^\d+$/)) {
+ logger$2.error(`Invalid Sentry Dsn: Invalid projectId ${projectId}`);
+ return false;
+ }
+ if (!isValidProtocol(protocol)) {
+ logger$2.error(`Invalid Sentry Dsn: Invalid protocol ${protocol}`);
+ return false;
+ }
+ if (port && isNaN(parseInt(port, 10))) {
+ logger$2.error(`Invalid Sentry Dsn: Invalid port ${port}`);
+ return false;
+ }
+ return true;
+}
+__name(validateDsn, "validateDsn");
+function makeDsn(from2) {
+ const components = typeof from2 === "string" ? dsnFromString(from2) : dsnFromComponents(from2);
+ if (!components || !validateDsn(components)) {
+ return void 0;
+ }
+ return components;
+}
+__name(makeDsn, "makeDsn");
+function memoBuilder() {
+ const hasWeakSet = typeof WeakSet === "function";
+ const inner = hasWeakSet ? /* @__PURE__ */ new WeakSet() : [];
+ function memoize(obj) {
+ if (hasWeakSet) {
+ if (inner.has(obj)) {
+ return true;
+ }
+ inner.add(obj);
+ return false;
+ }
+ for (let i2 = 0; i2 < inner.length; i2++) {
+ const value4 = inner[i2];
+ if (value4 === obj) {
+ return true;
+ }
+ }
+ inner.push(obj);
+ return false;
+ }
+ __name(memoize, "memoize");
+ function unmemoize(obj) {
+ if (hasWeakSet) {
+ inner.delete(obj);
+ } else {
+ for (let i2 = 0; i2 < inner.length; i2++) {
+ if (inner[i2] === obj) {
+ inner.splice(i2, 1);
+ break;
+ }
+ }
+ }
+ }
+ __name(unmemoize, "unmemoize");
+ return [memoize, unmemoize];
+}
+__name(memoBuilder, "memoBuilder");
+function normalize$2(input, depth = 100, maxProperties = Infinity) {
+ try {
+ return visit("", input, depth, maxProperties);
+ } catch (err) {
+ return { ERROR: `**non-serializable** (${err})` };
+ }
+}
+__name(normalize$2, "normalize$2");
+function normalizeToSize(object, depth = 3, maxSize = 100 * 1024) {
+ const normalized = normalize$2(object, depth);
+ if (jsonSize(normalized) > maxSize) {
+ return normalizeToSize(object, depth - 1, maxSize);
+ }
+ return normalized;
+}
+__name(normalizeToSize, "normalizeToSize");
+function visit(key, value4, depth = Infinity, maxProperties = Infinity, memo = memoBuilder()) {
+ const [memoize, unmemoize] = memo;
+ if (value4 == null || // this matches null and undefined -> eqeq not eqeqeq
+ ["boolean", "string"].includes(typeof value4) || typeof value4 === "number" && Number.isFinite(value4)) {
+ return value4;
+ }
+ const stringified = stringifyValue(key, value4);
+ if (!stringified.startsWith("[object ")) {
+ return stringified;
+ }
+ if (value4["__sentry_skip_normalization__"]) {
+ return value4;
+ }
+ const remainingDepth = typeof value4["__sentry_override_normalization_depth__"] === "number" ? value4["__sentry_override_normalization_depth__"] : depth;
+ if (remainingDepth === 0) {
+ return stringified.replace("object ", "");
+ }
+ if (memoize(value4)) {
+ return "[Circular ~]";
+ }
+ const valueWithToJSON = value4;
+ if (valueWithToJSON && typeof valueWithToJSON.toJSON === "function") {
+ try {
+ const jsonValue = valueWithToJSON.toJSON();
+ return visit("", jsonValue, remainingDepth - 1, maxProperties, memo);
+ } catch (err) {
+ }
+ }
+ const normalized = Array.isArray(value4) ? [] : {};
+ let numAdded = 0;
+ const visitable = convertToPlainObject(value4);
+ for (const visitKey in visitable) {
+ if (!Object.prototype.hasOwnProperty.call(visitable, visitKey)) {
+ continue;
+ }
+ if (numAdded >= maxProperties) {
+ normalized[visitKey] = "[MaxProperties ~]";
+ break;
+ }
+ const visitValue = visitable[visitKey];
+ normalized[visitKey] = visit(visitKey, visitValue, remainingDepth - 1, maxProperties, memo);
+ numAdded++;
+ }
+ unmemoize(value4);
+ return normalized;
+}
+__name(visit, "visit");
+function stringifyValue(key, value4) {
+ try {
+ if (key === "domain" && value4 && typeof value4 === "object" && value4._events) {
+ return "[Domain]";
+ }
+ if (key === "domainEmitter") {
+ return "[DomainEmitter]";
+ }
+ if (typeof global !== "undefined" && value4 === global) {
+ return "[Global]";
+ }
+ if (typeof window !== "undefined" && value4 === window) {
+ return "[Window]";
+ }
+ if (typeof document !== "undefined" && value4 === document) {
+ return "[Document]";
+ }
+ if (isVueViewModel(value4)) {
+ return "[VueViewModel]";
+ }
+ if (isSyntheticEvent(value4)) {
+ return "[SyntheticEvent]";
+ }
+ if (typeof value4 === "number" && !Number.isFinite(value4)) {
+ return `[${value4}]`;
+ }
+ if (typeof value4 === "function") {
+ return `[Function: ${getFunctionName(value4)}]`;
+ }
+ if (typeof value4 === "symbol") {
+ return `[${String(value4)}]`;
+ }
+ if (typeof value4 === "bigint") {
+ return `[BigInt: ${String(value4)}]`;
+ }
+ const objName = getConstructorName(value4);
+ if (/^HTML(\w*)Element$/.test(objName)) {
+ return `[HTMLElement: ${objName}]`;
+ }
+ return `[object ${objName}]`;
+ } catch (err) {
+ return `**non-serializable** (${err})`;
+ }
+}
+__name(stringifyValue, "stringifyValue");
+function getConstructorName(value4) {
+ const prototype2 = Object.getPrototypeOf(value4);
+ return prototype2 ? prototype2.constructor.name : "null prototype";
+}
+__name(getConstructorName, "getConstructorName");
+function utf8Length(value4) {
+ return ~-encodeURI(value4).split(/%..|./).length;
+}
+__name(utf8Length, "utf8Length");
+function jsonSize(value4) {
+ return utf8Length(JSON.stringify(value4));
+}
+__name(jsonSize, "jsonSize");
+function normalizeUrlToBase(url, basePath2) {
+ const escapedBase = basePath2.replace(/\\/g, "/").replace(/[|\\{}()[\]^$+*?.]/g, "\\$&");
+ let newUrl = url;
+ try {
+ newUrl = decodeURI(url);
+ } catch (_Oo) {
+ }
+ return newUrl.replace(/\\/g, "/").replace(/webpack:\/?/g, "").replace(new RegExp(`(file://)?/*${escapedBase}/*`, "ig"), "app:///");
+}
+__name(normalizeUrlToBase, "normalizeUrlToBase");
+function createEnvelope(headers, items2 = []) {
+ return [headers, items2];
+}
+__name(createEnvelope, "createEnvelope");
+function addItemToEnvelope(envelope, newItem) {
+ const [headers, items2] = envelope;
+ return [headers, [...items2, newItem]];
+}
+__name(addItemToEnvelope, "addItemToEnvelope");
+function forEachEnvelopeItem(envelope, callback) {
+ const envelopeItems = envelope[1];
+ for (const envelopeItem of envelopeItems) {
+ const envelopeItemType = envelopeItem[0].type;
+ const result = callback(envelopeItem, envelopeItemType);
+ if (result) {
+ return true;
+ }
+ }
+ return false;
+}
+__name(forEachEnvelopeItem, "forEachEnvelopeItem");
+function envelopeContainsItemType(envelope, types) {
+ return forEachEnvelopeItem(envelope, (_2, type) => types.includes(type));
+}
+__name(envelopeContainsItemType, "envelopeContainsItemType");
+function encodeUTF8(input) {
+ return GLOBAL_OBJ.__SENTRY__ && GLOBAL_OBJ.__SENTRY__.encodePolyfill ? GLOBAL_OBJ.__SENTRY__.encodePolyfill(input) : new TextEncoder().encode(input);
+}
+__name(encodeUTF8, "encodeUTF8");
+function decodeUTF8(input) {
+ return GLOBAL_OBJ.__SENTRY__ && GLOBAL_OBJ.__SENTRY__.decodePolyfill ? GLOBAL_OBJ.__SENTRY__.decodePolyfill(input) : new TextDecoder().decode(input);
+}
+__name(decodeUTF8, "decodeUTF8");
+function serializeEnvelope(envelope) {
+ const [envHeaders, items2] = envelope;
+ let parts2 = JSON.stringify(envHeaders);
+ function append3(next2) {
+ if (typeof parts2 === "string") {
+ parts2 = typeof next2 === "string" ? parts2 + next2 : [encodeUTF8(parts2), next2];
+ } else {
+ parts2.push(typeof next2 === "string" ? encodeUTF8(next2) : next2);
+ }
+ }
+ __name(append3, "append");
+ for (const item3 of items2) {
+ const [itemHeaders, payload] = item3;
+ append3(`
+${JSON.stringify(itemHeaders)}
+`);
+ if (typeof payload === "string" || payload instanceof Uint8Array) {
+ append3(payload);
+ } else {
+ let stringifiedPayload;
+ try {
+ stringifiedPayload = JSON.stringify(payload);
+ } catch (e2) {
+ stringifiedPayload = JSON.stringify(normalize$2(payload));
+ }
+ append3(stringifiedPayload);
+ }
+ }
+ return typeof parts2 === "string" ? parts2 : concatBuffers(parts2);
+}
+__name(serializeEnvelope, "serializeEnvelope");
+function concatBuffers(buffers) {
+ const totalLength = buffers.reduce((acc, buf) => acc + buf.length, 0);
+ const merged = new Uint8Array(totalLength);
+ let offset = 0;
+ for (const buffer2 of buffers) {
+ merged.set(buffer2, offset);
+ offset += buffer2.length;
+ }
+ return merged;
+}
+__name(concatBuffers, "concatBuffers");
+function parseEnvelope(env) {
+ let buffer2 = typeof env === "string" ? encodeUTF8(env) : env;
+ function readBinary(length) {
+ const bin = buffer2.subarray(0, length);
+ buffer2 = buffer2.subarray(length + 1);
+ return bin;
+ }
+ __name(readBinary, "readBinary");
+ function readJson() {
+ let i2 = buffer2.indexOf(10);
+ if (i2 < 0) {
+ i2 = buffer2.length;
+ }
+ return JSON.parse(decodeUTF8(readBinary(i2)));
+ }
+ __name(readJson, "readJson");
+ const envelopeHeader = readJson();
+ const items2 = [];
+ while (buffer2.length) {
+ const itemHeader = readJson();
+ const binaryLength = typeof itemHeader.length === "number" ? itemHeader.length : void 0;
+ items2.push([itemHeader, binaryLength ? readBinary(binaryLength) : readJson()]);
+ }
+ return [envelopeHeader, items2];
+}
+__name(parseEnvelope, "parseEnvelope");
+function createSpanEnvelopeItem(spanJson) {
+ const spanHeaders = {
+ type: "span"
+ };
+ return [spanHeaders, spanJson];
+}
+__name(createSpanEnvelopeItem, "createSpanEnvelopeItem");
+function createAttachmentEnvelopeItem(attachment) {
+ const buffer2 = typeof attachment.data === "string" ? encodeUTF8(attachment.data) : attachment.data;
+ return [
+ dropUndefinedKeys({
+ type: "attachment",
+ length: buffer2.length,
+ filename: attachment.filename,
+ content_type: attachment.contentType,
+ attachment_type: attachment.attachmentType
+ }),
+ buffer2
+ ];
+}
+__name(createAttachmentEnvelopeItem, "createAttachmentEnvelopeItem");
+const ITEM_TYPE_TO_DATA_CATEGORY_MAP = {
+ session: "session",
+ sessions: "session",
+ attachment: "attachment",
+ transaction: "transaction",
+ event: "error",
+ client_report: "internal",
+ user_report: "default",
+ profile: "profile",
+ profile_chunk: "profile",
+ replay_event: "replay",
+ replay_recording: "replay",
+ check_in: "monitor",
+ feedback: "feedback",
+ span: "span",
+ statsd: "metric_bucket",
+ raw_security: "security"
+};
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function envelopeItemTypeToDataCategory(type) {
return ITEM_TYPE_TO_DATA_CATEGORY_MAP[type];
}
@@ -10262,7 +13455,11 @@ function startIdleSpan(startSpanOptions, options4 = {}) {
const previousActiveSpan = getActiveSpan();
const span = _startIdleSpan(startSpanOptions);
span.end = new Proxy(span.end, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply(target2, thisArg, args) {
+========
+ apply(target, thisArg, args) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (beforeSpanEnd) {
beforeSpanEnd(span);
}
@@ -10272,7 +13469,11 @@ function startIdleSpan(startSpanOptions, options4 = {}) {
const spans = getSpanDescendants(span).filter((child) => child !== span);
if (!spans.length) {
onIdleSpanEnded(spanEndTimestamp);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return Reflect.apply(target2, thisArg, [spanEndTimestamp, ...rest]);
+========
+ return Reflect.apply(target, thisArg, [spanEndTimestamp, ...rest]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
const childEndTimestamps = spans.map((span2) => spanToJSON(span2).timestamp).filter((timestamp3) => !!timestamp3);
const latestSpanEndTimestamp = childEndTimestamps.length ? Math.max(...childEndTimestamps) : void 0;
@@ -10282,7 +13483,11 @@ function startIdleSpan(startSpanOptions, options4 = {}) {
Math.max(spanStartTimestamp || -Infinity, Math.min(spanEndTimestamp, latestSpanEndTimestamp || Infinity))
);
onIdleSpanEnded(endTimestamp);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return Reflect.apply(target2, thisArg, [endTimestamp, ...rest]);
+========
+ return Reflect.apply(target, thisArg, [endTimestamp, ...rest]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
});
function _cancelIdleTimeout() {
@@ -10497,9 +13702,15 @@ function getDebugImagesForResources(stackParser, resource_paths) {
return images;
}
__name(getDebugImagesForResources, "getDebugImagesForResources");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function applyScopeDataToEvent(event, data27) {
const { fingerprint, span, breadcrumbs, sdkProcessingMetadata } = data27;
applyDataToEvent(event, data27);
+========
+function applyScopeDataToEvent(event, data25) {
+ const { fingerprint, span, breadcrumbs, sdkProcessingMetadata } = data25;
+ applyDataToEvent(event, data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (span) {
applySpanToEvent(event, span);
}
@@ -10508,7 +13719,11 @@ function applyScopeDataToEvent(event, data27) {
applySdkMetadataToEvent(event, sdkProcessingMetadata);
}
__name(applyScopeDataToEvent, "applyScopeDataToEvent");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function mergeScopeData(data27, mergeData) {
+========
+function mergeScopeData(data25, mergeData) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const {
extra,
tags,
@@ -10524,6 +13739,7 @@ function mergeScopeData(data27, mergeData) {
transactionName,
span
} = mergeData;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
mergeAndOverwriteScopeData(data27, "extra", extra);
mergeAndOverwriteScopeData(data27, "tags", tags);
mergeAndOverwriteScopeData(data27, "user", user);
@@ -10559,6 +13775,43 @@ function mergeAndOverwriteScopeData(data27, prop2, mergeVal) {
__name(mergeAndOverwriteScopeData, "mergeAndOverwriteScopeData");
function applyDataToEvent(event, data27) {
const { extra, tags, user, contexts, level, transactionName } = data27;
+========
+ mergeAndOverwriteScopeData(data25, "extra", extra);
+ mergeAndOverwriteScopeData(data25, "tags", tags);
+ mergeAndOverwriteScopeData(data25, "user", user);
+ mergeAndOverwriteScopeData(data25, "contexts", contexts);
+ data25.sdkProcessingMetadata = merge$1(data25.sdkProcessingMetadata, sdkProcessingMetadata, 2);
+ if (level) {
+ data25.level = level;
+ }
+ if (transactionName) {
+ data25.transactionName = transactionName;
+ }
+ if (span) {
+ data25.span = span;
+ }
+ if (breadcrumbs.length) {
+ data25.breadcrumbs = [...data25.breadcrumbs, ...breadcrumbs];
+ }
+ if (fingerprint.length) {
+ data25.fingerprint = [...data25.fingerprint, ...fingerprint];
+ }
+ if (eventProcessors.length) {
+ data25.eventProcessors = [...data25.eventProcessors, ...eventProcessors];
+ }
+ if (attachments.length) {
+ data25.attachments = [...data25.attachments, ...attachments];
+ }
+ data25.propagationContext = { ...data25.propagationContext, ...propagationContext };
+}
+__name(mergeScopeData, "mergeScopeData");
+function mergeAndOverwriteScopeData(data25, prop2, mergeVal) {
+ data25[prop2] = merge$1(data25[prop2], mergeVal, 1);
+}
+__name(mergeAndOverwriteScopeData, "mergeAndOverwriteScopeData");
+function applyDataToEvent(event, data25) {
+ const { extra, tags, user, contexts, level, transactionName } = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const cleanedExtra = dropUndefinedKeys(extra);
if (cleanedExtra && Object.keys(cleanedExtra).length) {
event.extra = { ...cleanedExtra, ...event.extra };
@@ -10642,6 +13895,7 @@ function prepareEvent(options4, event, hint, scope, client, isolationScope) {
addExceptionMechanism(prepared, hint.mechanism);
}
const clientEventProcessors = client ? client.getEventProcessors() : [];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = getGlobalScope().getScopeData();
if (isolationScope) {
const isolationData = isolationScope.getScopeData();
@@ -10660,6 +13914,26 @@ function prepareEvent(options4, event, hint, scope, client, isolationScope) {
...clientEventProcessors,
// Run scope event processors _after_ all other processors
...data27.eventProcessors
+========
+ const data25 = getGlobalScope().getScopeData();
+ if (isolationScope) {
+ const isolationData = isolationScope.getScopeData();
+ mergeScopeData(data25, isolationData);
+ }
+ if (finalScope) {
+ const finalScopeData = finalScope.getScopeData();
+ mergeScopeData(data25, finalScopeData);
+ }
+ const attachments = [...hint.attachments || [], ...data25.attachments];
+ if (attachments.length) {
+ hint.attachments = attachments;
+ }
+ applyScopeDataToEvent(prepared, data25);
+ const eventProcessors = [
+ ...clientEventProcessors,
+ // Run scope event processors _after_ all other processors
+ ...data25.eventProcessors
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
];
const result = notifyEventProcessors(eventProcessors, prepared, hint);
return result.then((evt) => {
@@ -10758,11 +14032,16 @@ function normalizeEvent(event, depth, maxBreadth) {
breadcrumbs: event.breadcrumbs.map((b2) => ({
...b2,
...b2.data && {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: normalize$3(b2.data, depth, maxBreadth)
+========
+ data: normalize$2(b2.data, depth, maxBreadth)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
}))
},
...event.user && {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
user: normalize$3(event.user, depth, maxBreadth)
},
...event.contexts && {
@@ -10770,12 +14049,25 @@ function normalizeEvent(event, depth, maxBreadth) {
},
...event.extra && {
extra: normalize$3(event.extra, depth, maxBreadth)
+========
+ user: normalize$2(event.user, depth, maxBreadth)
+ },
+ ...event.contexts && {
+ contexts: normalize$2(event.contexts, depth, maxBreadth)
+ },
+ ...event.extra && {
+ extra: normalize$2(event.extra, depth, maxBreadth)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
};
if (event.contexts && event.contexts.trace && normalized.contexts) {
normalized.contexts.trace = event.contexts.trace;
if (event.contexts.trace.data) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
normalized.contexts.trace.data = normalize$3(event.contexts.trace.data, depth, maxBreadth);
+========
+ normalized.contexts.trace.data = normalize$2(event.contexts.trace.data, depth, maxBreadth);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
}
if (event.spans) {
@@ -10783,13 +14075,21 @@ function normalizeEvent(event, depth, maxBreadth) {
return {
...span,
...span.data && {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: normalize$3(span.data, depth, maxBreadth)
+========
+ data: normalize$2(span.data, depth, maxBreadth)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
};
});
}
if (event.contexts && event.contexts.flags && normalized.contexts) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
normalized.contexts.flags = normalize$3(event.contexts.flags, 3, maxBreadth);
+========
+ normalized.contexts.flags = normalize$2(event.contexts.flags, 3, maxBreadth);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
return normalized;
}
@@ -11012,7 +14312,11 @@ class SessionFlusher {
__name(this, "SessionFlusher");
}
// We adjust the type here to add the `unref()` part, as setInterval can technically return a number or a NodeJS.Timer
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
constructor(client, attrs6) {
+========
+ constructor(client, attrs4) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
this._client = client;
this.flushTimeout = 60;
this._pendingAggregates = /* @__PURE__ */ new Map();
@@ -11021,7 +14325,11 @@ class SessionFlusher {
if (this._intervalId.unref) {
this._intervalId.unref();
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this._sessionAttrs = attrs6;
+========
+ this._sessionAttrs = attrs4;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
/** Checks if `pendingAggregates` has entries, and if it does flushes them by calling `sendSession` */
flush() {
@@ -12238,7 +15546,11 @@ function makePromiseBuffer(limit) {
return buffer2.splice(buffer2.indexOf(task), 1)[0] || Promise.resolve(void 0);
}
__name(remove4, "remove");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function add4(taskProducer) {
+========
+ function add3(taskProducer) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!isReady()) {
return rejectedSyncPromise(new SentryError("Not adding Promise because buffer limit was reached."));
}
@@ -12253,7 +15565,11 @@ function makePromiseBuffer(limit) {
);
return task;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
__name(add4, "add");
+========
+ __name(add3, "add");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function drain(timeout) {
return new SyncPromise((resolve2, reject3) => {
let counter = buffer2.length;
@@ -12278,7 +15594,11 @@ function makePromiseBuffer(limit) {
__name(drain, "drain");
return {
$: buffer2,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
add: add4,
+========
+ add: add3,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
drain
};
}
@@ -12500,6 +15820,7 @@ function makeOfflineTransport(createTransport2) {
}
return {
send,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
flush: /* @__PURE__ */ __name((timeout) => {
if (timeout === void 0) {
retryDelay = START_DELAY;
@@ -12507,6 +15828,9 @@ function makeOfflineTransport(createTransport2) {
}
return transport.flush(timeout);
}, "flush")
+========
+ flush: /* @__PURE__ */ __name((t2) => transport.flush(t2), "flush")
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
};
};
}
@@ -13152,6 +16476,7 @@ function parseUrl$1(url) {
if (!url) {
return {};
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const match3 = url.match(/^(([^:/?#]+):)?(\/\/([^/?#]*))?([^?#]*)(\?([^#]*))?(#(.*))?$/);
if (!match3) {
return {};
@@ -13165,6 +16490,21 @@ function parseUrl$1(url) {
search: query,
hash: fragment,
relative: match3[5] + query + fragment
+========
+ const match2 = url.match(/^(([^:/?#]+):)?(\/\/([^/?#]*))?([^?#]*)(\?([^#]*))?(#(.*))?$/);
+ if (!match2) {
+ return {};
+ }
+ const query = match2[6] || "";
+ const fragment = match2[8] || "";
+ return {
+ host: match2[4],
+ path: match2[5],
+ protocol: match2[2],
+ search: query,
+ hash: fragment,
+ relative: match2[5] + query + fragment
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
// everything minus origin
};
}
@@ -13321,7 +16661,11 @@ function extractRequestData(req, options4 = {}) {
}
const body = req.body;
if (body !== void 0) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const stringBody = isString$a(body) ? body : isPlainObject$5(body) ? JSON.stringify(normalize$3(body)) : truncate(`${body}`, 1024);
+========
+ const stringBody = isString$8(body) ? body : isPlainObject$5(body) ? JSON.stringify(normalize$2(body)) : truncate(`${body}`, 1024);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (stringBody) {
requestData.data = stringBody;
}
@@ -13472,7 +16816,11 @@ function httpRequestToRequestData(request) {
const protocol = request.socket && request.socket.encrypted ? "https" : "http";
const originalUrl = request.url || "";
const absoluteUrl = originalUrl.startsWith(protocol) ? originalUrl : `${protocol}://${host}${originalUrl}`;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = request.body || void 0;
+========
+ const data25 = request.body || void 0;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const cookies2 = request.cookies;
return dropUndefinedKeys({
url: absoluteUrl,
@@ -13480,7 +16828,11 @@ function httpRequestToRequestData(request) {
query_string: extractQueryParamsFromUrl(originalUrl),
headers: headersToDict(headers),
cookies: cookies2,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: data27
+========
+ data: data25
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
}
__name(httpRequestToRequestData, "httpRequestToRequestData");
@@ -13617,9 +16969,15 @@ function convertReqDataIntegrationOptsToAddReqDataOpts(integrationOptions) {
};
}
__name(convertReqDataIntegrationOptsToAddReqDataOpts, "convertReqDataIntegrationOptsToAddReqDataOpts");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addConsoleInstrumentationHandler(handler9) {
const type = "console";
addHandler$1(type, handler9);
+========
+function addConsoleInstrumentationHandler(handler6) {
+ const type = "console";
+ addHandler$1(type, handler6);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
maybeInstrument(type, instrumentConsole);
}
__name(addConsoleInstrumentationHandler, "addConsoleInstrumentationHandler");
@@ -13875,7 +17233,11 @@ function _enhanceEventWithErrorData(event, hint = {}, depth, captureErrorCause,
const contexts = {
...event.contexts
};
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const normalizedErrorData = normalize$3(errorData, depth);
+========
+ const normalizedErrorData = normalize$2(errorData, depth);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (isPlainObject$5(normalizedErrorData)) {
addNonEnumerableProperty(normalizedErrorData, "__sentry_skip_normalization__", true);
contexts[exceptionName] = normalizedErrorData;
@@ -14039,15 +17401,25 @@ function join$3(...args) {
__name(join$3, "join$3");
function dirname(path) {
const result = splitPath(path);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const root29 = result[0] || "";
let dir = result[1];
if (!root29 && !dir) {
+========
+ const root27 = result[0] || "";
+ let dir = result[1];
+ if (!root27 && !dir) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return ".";
}
if (dir) {
dir = dir.slice(0, dir.length - 1);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return root29 + dir;
+========
+ return root27 + dir;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(dirname, "dirname");
function basename(path, ext) {
@@ -14060,10 +17432,17 @@ function basename(path, ext) {
__name(basename, "basename");
const INTEGRATION_NAME$d = "RewriteFrames";
const rewriteFramesIntegration = defineIntegration((options4 = {}) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const root29 = options4.root;
const prefix2 = options4.prefix || "app:///";
const isBrowser2 = "window" in GLOBAL_OBJ && GLOBAL_OBJ.window !== void 0;
const iteratee = options4.iteratee || generateIteratee({ isBrowser: isBrowser2, root: root29, prefix: prefix2 });
+========
+ const root27 = options4.root;
+ const prefix2 = options4.prefix || "app:///";
+ const isBrowser2 = "window" in GLOBAL_OBJ && GLOBAL_OBJ.window !== void 0;
+ const iteratee = options4.iteratee || generateIteratee({ isBrowser: isBrowser2, root: root27, prefix: prefix2 });
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function _processExceptionsEvent(event) {
try {
return {
@@ -14103,7 +17482,11 @@ const rewriteFramesIntegration = defineIntegration((options4 = {}) => {
});
function generateIteratee({
isBrowser: isBrowser2,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
root: root29,
+========
+ root: root27,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
prefix: prefix2
}) {
return (frame) => {
@@ -14114,16 +17497,27 @@ function generateIteratee({
frame.filename.includes("\\") && !frame.filename.includes("/");
const startsWithSlash = /^\//.test(frame.filename);
if (isBrowser2) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (root29) {
const oldFilename = frame.filename;
if (oldFilename.indexOf(root29) === 0) {
frame.filename = oldFilename.replace(root29, prefix2);
+========
+ if (root27) {
+ const oldFilename = frame.filename;
+ if (oldFilename.indexOf(root27) === 0) {
+ frame.filename = oldFilename.replace(root27, prefix2);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
}
} else {
if (isWindowsFrame || startsWithSlash) {
const filename = isWindowsFrame ? frame.filename.replace(/^[a-zA-Z]:/, "").replace(/\\/g, "/") : frame.filename;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const base2 = root29 ? relative(root29, filename) : basename(filename);
+========
+ const base2 = root27 ? relative(root27, filename) : basename(filename);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
frame.filename = `${prefix2}${base2}`;
}
}
@@ -14292,15 +17686,24 @@ function getMetricsAggregatorForClient$1(client, Aggregator) {
return newAggregator;
}
__name(getMetricsAggregatorForClient$1, "getMetricsAggregatorForClient$1");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addToMetricsAggregator(Aggregator, metricType, name2, value4, data27 = {}) {
const client = data27.client || getClient();
+========
+function addToMetricsAggregator(Aggregator, metricType, name2, value4, data25 = {}) {
+ const client = data25.client || getClient();
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!client) {
return;
}
const span = getActiveSpan();
const rootSpan = span ? getRootSpan(span) : void 0;
const transactionName = rootSpan && spanToJSON(rootSpan).description;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const { unit, tags, timestamp: timestamp2 } = data27;
+========
+ const { unit, tags, timestamp: timestamp2 } = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const { release, environment } = client.getOptions();
const metricTags = {};
if (release) {
@@ -14317,6 +17720,7 @@ function addToMetricsAggregator(Aggregator, metricType, name2, value4, data27 =
aggregator.add(metricType, name2, value4, unit, { ...metricTags, ...tags }, timestamp2);
}
__name(addToMetricsAggregator, "addToMetricsAggregator");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function increment$2(aggregator, name2, value4 = 1, data27) {
addToMetricsAggregator(aggregator, COUNTER_METRIC_TYPE, name2, ensureNumber(value4), data27);
}
@@ -14326,6 +17730,17 @@ function distribution$2(aggregator, name2, value4, data27) {
}
__name(distribution$2, "distribution$2");
function timing$2(aggregator, name2, value4, unit = "second", data27) {
+========
+function increment$2(aggregator, name2, value4 = 1, data25) {
+ addToMetricsAggregator(aggregator, COUNTER_METRIC_TYPE, name2, ensureNumber(value4), data25);
+}
+__name(increment$2, "increment$2");
+function distribution$2(aggregator, name2, value4, data25) {
+ addToMetricsAggregator(aggregator, DISTRIBUTION_METRIC_TYPE, name2, ensureNumber(value4), data25);
+}
+__name(distribution$2, "distribution$2");
+function timing$2(aggregator, name2, value4, unit = "second", data25) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (typeof value4 === "function") {
const startTime = timestampInSeconds();
return startSpanManual(
@@ -14343,13 +17758,18 @@ function timing$2(aggregator, name2, value4, unit = "second", data27) {
() => {
const endTime = timestampInSeconds();
const timeDiff = endTime - startTime;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
distribution$2(aggregator, name2, timeDiff, { ...data27, unit: "second" });
+========
+ distribution$2(aggregator, name2, timeDiff, { ...data25, unit: "second" });
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
span.end(endTime);
}
);
}
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
distribution$2(aggregator, name2, value4, { ...data27, unit });
}
__name(timing$2, "timing$2");
@@ -14359,12 +17779,27 @@ function set$4(aggregator, name2, value4, data27) {
__name(set$4, "set$4");
function gauge$2(aggregator, name2, value4, data27) {
addToMetricsAggregator(aggregator, GAUGE_METRIC_TYPE, name2, ensureNumber(value4), data27);
+========
+ distribution$2(aggregator, name2, value4, { ...data25, unit });
+}
+__name(timing$2, "timing$2");
+function set$7(aggregator, name2, value4, data25) {
+ addToMetricsAggregator(aggregator, SET_METRIC_TYPE, name2, value4, data25);
+}
+__name(set$7, "set$7");
+function gauge$2(aggregator, name2, value4, data25) {
+ addToMetricsAggregator(aggregator, GAUGE_METRIC_TYPE, name2, ensureNumber(value4), data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(gauge$2, "gauge$2");
const metrics$1 = {
increment: increment$2,
distribution: distribution$2,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
set: set$4,
+========
+ set: set$7,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
gauge: gauge$2,
timing: timing$2,
/**
@@ -14743,6 +18178,7 @@ class MetricsAggregator {
}
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function increment$1(name2, value4 = 1, data27) {
metrics$1.increment(MetricsAggregator, name2, value4, data27);
}
@@ -14761,6 +18197,26 @@ function gauge$1(name2, value4, data27) {
__name(gauge$1, "gauge$1");
function timing$1(name2, value4, unit = "second", data27) {
return metrics$1.timing(MetricsAggregator, name2, value4, unit, data27);
+========
+function increment$1(name2, value4 = 1, data25) {
+ metrics$1.increment(MetricsAggregator, name2, value4, data25);
+}
+__name(increment$1, "increment$1");
+function distribution$1(name2, value4, data25) {
+ metrics$1.distribution(MetricsAggregator, name2, value4, data25);
+}
+__name(distribution$1, "distribution$1");
+function set$6(name2, value4, data25) {
+ metrics$1.set(MetricsAggregator, name2, value4, data25);
+}
+__name(set$6, "set$6");
+function gauge$1(name2, value4, data25) {
+ metrics$1.gauge(MetricsAggregator, name2, value4, data25);
+}
+__name(gauge$1, "gauge$1");
+function timing$1(name2, value4, unit = "second", data25) {
+ return metrics$1.timing(MetricsAggregator, name2, value4, unit, data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(timing$1, "timing$1");
function getMetricsAggregatorForClient(client) {
@@ -14770,7 +18226,11 @@ __name(getMetricsAggregatorForClient, "getMetricsAggregatorForClient");
const metricsDefault = {
increment: increment$1,
distribution: distribution$1,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
set: set$3,
+========
+ set: set$6,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
gauge: gauge$1,
timing: timing$1,
/**
@@ -15019,12 +18479,20 @@ function trpcMiddleware(options4 = {}) {
};
if (options4.attachRpcInput !== void 0 ? options4.attachRpcInput : clientOptions && clientOptions.sendDefaultPii) {
if (rawInput !== void 0) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
trpcContext.input = normalize$3(rawInput);
+========
+ trpcContext.input = normalize$2(rawInput);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
if (getRawInput !== void 0 && typeof getRawInput === "function") {
try {
const rawRes = await getRawInput();
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
trpcContext.input = normalize$3(rawRes);
+========
+ trpcContext.input = normalize$2(rawRes);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (err) {
}
}
@@ -15250,6 +18718,7 @@ function supportsReferrerPolicy() {
}
}
__name(supportsReferrerPolicy, "supportsReferrerPolicy");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addFetchInstrumentationHandler(handler9, skipNativeFetchCheck) {
const type = "fetch";
addHandler$1(type, handler9);
@@ -15259,6 +18728,17 @@ __name(addFetchInstrumentationHandler, "addFetchInstrumentationHandler");
function addFetchEndInstrumentationHandler(handler9) {
const type = "fetch-body-resolved";
addHandler$1(type, handler9);
+========
+function addFetchInstrumentationHandler(handler6, skipNativeFetchCheck) {
+ const type = "fetch";
+ addHandler$1(type, handler6);
+ maybeInstrument(type, () => instrumentFetch(void 0, skipNativeFetchCheck));
+}
+__name(addFetchInstrumentationHandler, "addFetchInstrumentationHandler");
+function addFetchEndInstrumentationHandler(handler6) {
+ const type = "fetch-body-resolved";
+ addHandler$1(type, handler6);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
maybeInstrument(type, () => instrumentFetch(streamHandler));
}
__name(addFetchEndInstrumentationHandler, "addFetchEndInstrumentationHandler");
@@ -15531,12 +19011,20 @@ function _parseIntOrUndefined(input) {
return parseInt(input || "", 10) || void 0;
}
__name(_parseIntOrUndefined, "_parseIntOrUndefined");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function makeFifoCache(size) {
+========
+function makeFifoCache(size2) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
let evictionOrder = [];
let cache2 = {};
return {
add(key, value4) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
while (evictionOrder.length >= size) {
+========
+ while (evictionOrder.length >= size2) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const evictCandidate = evictionOrder.shift();
if (evictCandidate !== void 0) {
delete cache2[evictCandidate];
@@ -16617,19 +20105,33 @@ function addPerformanceInstrumentationHandler(type, callback) {
return getCleanupCallback(type, callback);
}
__name(addPerformanceInstrumentationHandler, "addPerformanceInstrumentationHandler");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function triggerHandlers(type, data27) {
+========
+function triggerHandlers(type, data25) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const typeHandlers = handlers$3[type];
if (!typeHandlers || !typeHandlers.length) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
for (const handler9 of typeHandlers) {
try {
handler9(data27);
+========
+ for (const handler6 of typeHandlers) {
+ try {
+ handler6(data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (e2) {
DEBUG_BUILD$3 && logger$2.error(
`Error while triggering instrumentation handler.
Type: ${type}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
Name: ${getFunctionName(handler9)}
+========
+Name: ${getFunctionName(handler6)}
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
Error:`,
e2
);
@@ -16719,9 +20221,15 @@ function instrumentPerformanceObserver(type) {
);
}
__name(instrumentPerformanceObserver, "instrumentPerformanceObserver");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addHandler(type, handler9) {
handlers$3[type] = handlers$3[type] || [];
handlers$3[type].push(handler9);
+========
+function addHandler(type, handler6) {
+ handlers$3[type] = handlers$3[type] || [];
+ handlers$3[type].push(handler6);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(addHandler, "addHandler");
function getCleanupCallback(type, callback, stopListening) {
@@ -17327,9 +20835,15 @@ const DEBOUNCE_DURATION = 1e3;
let debounceTimerID;
let lastCapturedEventType;
let lastCapturedEventTargetId;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addClickKeypressInstrumentationHandler(handler9) {
const type = "dom";
addHandler$1(type, handler9);
+========
+function addClickKeypressInstrumentationHandler(handler6) {
+ const type = "dom";
+ addHandler$1(type, handler6);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
maybeInstrument(type, instrumentDOM);
}
__name(addClickKeypressInstrumentationHandler, "addClickKeypressInstrumentationHandler");
@@ -17341,9 +20855,15 @@ function instrumentDOM() {
const globalDOMEventHandler = makeDOMEventHandler(triggerDOMHandler, true);
WINDOW$4.document.addEventListener("click", globalDOMEventHandler, false);
WINDOW$4.document.addEventListener("keypress", globalDOMEventHandler, false);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
["EventTarget", "Node"].forEach((target2) => {
const globalObject = WINDOW$4;
const targetObj = globalObject[target2];
+========
+ ["EventTarget", "Node"].forEach((target) => {
+ const globalObject = WINDOW$4;
+ const targetObj = globalObject[target];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const proto = targetObj && targetObj.prototype;
if (!proto || !proto.hasOwnProperty || !proto.hasOwnProperty("addEventListener")) {
return;
@@ -17355,9 +20875,15 @@ function instrumentDOM() {
const handlers2 = this.__sentry_instrumentation_handlers__ = this.__sentry_instrumentation_handlers__ || {};
const handlerForType = handlers2[type] = handlers2[type] || { refCount: 0 };
if (!handlerForType.handler) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const handler9 = makeDOMEventHandler(triggerDOMHandler);
handlerForType.handler = handler9;
originalAddEventListener.call(this, type, handler9, options4);
+========
+ const handler6 = makeDOMEventHandler(triggerDOMHandler);
+ handlerForType.handler = handler6;
+ originalAddEventListener.call(this, type, handler6, options4);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
handlerForType.refCount++;
} catch (e2) {
@@ -17409,6 +20935,7 @@ function isSimilarToLastCapturedEvent(event) {
return true;
}
__name(isSimilarToLastCapturedEvent, "isSimilarToLastCapturedEvent");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function shouldSkipDOMEvent(eventType, target2) {
if (eventType !== "keypress") {
return false;
@@ -17417,16 +20944,31 @@ function shouldSkipDOMEvent(eventType, target2) {
return true;
}
if (target2.tagName === "INPUT" || target2.tagName === "TEXTAREA" || target2.isContentEditable) {
+========
+function shouldSkipDOMEvent(eventType, target) {
+ if (eventType !== "keypress") {
+ return false;
+ }
+ if (!target || !target.tagName) {
+ return true;
+ }
+ if (target.tagName === "INPUT" || target.tagName === "TEXTAREA" || target.isContentEditable) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return false;
}
return true;
}
__name(shouldSkipDOMEvent, "shouldSkipDOMEvent");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function makeDOMEventHandler(handler9, globalListener = false) {
+========
+function makeDOMEventHandler(handler6, globalListener = false) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return (event) => {
if (!event || event["_sentryCaptured"]) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const target2 = getEventTarget$1(event);
if (shouldSkipDOMEvent(event.type, target2)) {
return;
@@ -17434,13 +20976,28 @@ function makeDOMEventHandler(handler9, globalListener = false) {
addNonEnumerableProperty(event, "_sentryCaptured", true);
if (target2 && !target2._sentryId) {
addNonEnumerableProperty(target2, "_sentryId", uuid4());
+========
+ const target = getEventTarget$1(event);
+ if (shouldSkipDOMEvent(event.type, target)) {
+ return;
+ }
+ addNonEnumerableProperty(event, "_sentryCaptured", true);
+ if (target && !target._sentryId) {
+ addNonEnumerableProperty(target, "_sentryId", uuid4());
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
const name2 = event.type === "keypress" ? "input" : event.type;
if (!isSimilarToLastCapturedEvent(event)) {
const handlerData = { event, name: name2, global: globalListener };
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
handler9(handlerData);
lastCapturedEventType = event.type;
lastCapturedEventTargetId = target2 ? target2._sentryId : void 0;
+========
+ handler6(handlerData);
+ lastCapturedEventType = event.type;
+ lastCapturedEventTargetId = target ? target._sentryId : void 0;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
clearTimeout(debounceTimerID);
debounceTimerID = WINDOW$4.setTimeout(() => {
@@ -17459,9 +21016,15 @@ function getEventTarget$1(event) {
}
__name(getEventTarget$1, "getEventTarget$1");
let lastHref;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addHistoryInstrumentationHandler(handler9) {
const type = "history";
addHandler$1(type, handler9);
+========
+function addHistoryInstrumentationHandler(handler6) {
+ const type = "history";
+ addHandler$1(type, handler6);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
maybeInstrument(type, instrumentHistory);
}
__name(addHistoryInstrumentationHandler, "addHistoryInstrumentationHandler");
@@ -17545,9 +21108,15 @@ function setTimeout$3(...rest) {
}
__name(setTimeout$3, "setTimeout$3");
const SENTRY_XHR_DATA_KEY = "__sentry_xhr_v3__";
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function addXhrInstrumentationHandler(handler9) {
const type = "xhr";
addHandler$1(type, handler9);
+========
+function addXhrInstrumentationHandler(handler6) {
+ const type = "xhr";
+ addHandler$1(type, handler6);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
maybeInstrument(type, instrumentXHR);
}
__name(addXhrInstrumentationHandler, "addXhrInstrumentationHandler");
@@ -17560,7 +21129,11 @@ function instrumentXHR() {
apply(originalOpen, xhrOpenThisArg, xhrOpenArgArray) {
const virtualError = new Error();
const startTimestamp = timestampInSeconds() * 1e3;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const method = isString$a(xhrOpenArgArray[0]) ? xhrOpenArgArray[0].toUpperCase() : void 0;
+========
+ const method = isString$8(xhrOpenArgArray[0]) ? xhrOpenArgArray[0].toUpperCase() : void 0;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const url = parseUrl(xhrOpenArgArray[1]);
if (!method || !url) {
return originalOpen.apply(xhrOpenThisArg, xhrOpenArgArray);
@@ -17606,7 +21179,11 @@ function instrumentXHR() {
apply(originalSetRequestHeader, setRequestHeaderThisArg, setRequestHeaderArgArray) {
const [header3, value4] = setRequestHeaderArgArray;
const xhrInfo = setRequestHeaderThisArg[SENTRY_XHR_DATA_KEY];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (xhrInfo && isString$a(header3) && isString$a(value4)) {
+========
+ if (xhrInfo && isString$8(header3) && isString$8(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
xhrInfo.request_headers[header3.toLowerCase()] = value4;
}
return originalSetRequestHeader.apply(setRequestHeaderThisArg, setRequestHeaderArgArray);
@@ -17635,7 +21212,11 @@ function instrumentXHR() {
}
__name(instrumentXHR, "instrumentXHR");
function parseUrl(url) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isString$a(url)) {
+========
+ if (isString$8(url)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return url;
}
try {
@@ -17965,7 +21546,11 @@ function _getDomBreadcrumbHandler(client, dom) {
if (getClient() !== client) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
let target2;
+========
+ let target;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
let componentName;
let keyAttrs = typeof dom === "object" ? dom.serializeAttribute : void 0;
let maxStringLength = typeof dom === "object" && typeof dom.maxStringLength === "number" ? dom.maxStringLength : void 0;
@@ -17981,17 +21566,30 @@ function _getDomBreadcrumbHandler(client, dom) {
try {
const event = handlerData.event;
const element = _isEvent(event) ? event.target : event;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
target2 = htmlTreeAsString(element, { keyAttrs, maxStringLength });
componentName = getComponentName$1(element);
} catch (e2) {
target2 = "";
}
if (target2.length === 0) {
+========
+ target = htmlTreeAsString(element, { keyAttrs, maxStringLength });
+ componentName = getComponentName$1(element);
+ } catch (e2) {
+ target = "";
+ }
+ if (target.length === 0) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return;
}
const breadcrumb = {
category: `ui.${handlerData.name}`,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
message: target2
+========
+ message: target
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
};
if (componentName) {
breadcrumb.data = { "ui.component_name": componentName };
@@ -18044,7 +21642,11 @@ function _getXhrBreadcrumbHandler(client) {
return;
}
const { method, url, status_code, body } = sentryXhrData;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = {
+========
+ const data25 = {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
method,
url,
status_code
@@ -18059,7 +21661,11 @@ function _getXhrBreadcrumbHandler(client) {
addBreadcrumb(
{
category: "xhr",
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: data27,
+========
+ data: data25,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
type: "http",
level
},
@@ -18081,7 +21687,11 @@ function _getFetchBreadcrumbHandler(client) {
return;
}
if (handlerData.error) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = handlerData.fetchData;
+========
+ const data25 = handlerData.fetchData;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const hint = {
data: handlerData.error,
input: handlerData.args,
@@ -18091,7 +21701,11 @@ function _getFetchBreadcrumbHandler(client) {
addBreadcrumb(
{
category: "fetch",
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: data27,
+========
+ data: data25,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
level: "error",
type: "http"
},
@@ -18099,7 +21713,11 @@ function _getFetchBreadcrumbHandler(client) {
);
} else {
const response = handlerData.response;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = {
+========
+ const data25 = {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
...handlerData.fetchData,
status_code: response && response.status
};
@@ -18109,11 +21727,19 @@ function _getFetchBreadcrumbHandler(client) {
startTimestamp,
endTimestamp
};
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const level = getBreadcrumbLogLevelFromHttpStatusCode(data27.status_code);
addBreadcrumb(
{
category: "fetch",
data: data27,
+========
+ const level = getBreadcrumbLogLevelFromHttpStatusCode(data25.status_code);
+ addBreadcrumb(
+ {
+ category: "fetch",
+ data: data25,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
type: "http",
level
},
@@ -18285,9 +21911,15 @@ function _wrapXHR$1(originalSend) {
};
}
__name(_wrapXHR$1, "_wrapXHR$1");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function _wrapEventTarget(target2) {
const globalObject = WINDOW$5;
const targetObj = globalObject[target2];
+========
+function _wrapEventTarget(target) {
+ const globalObject = WINDOW$5;
+ const targetObj = globalObject[target];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const proto = targetObj && targetObj.prototype;
if (!proto || !proto.hasOwnProperty || !proto.hasOwnProperty("addEventListener")) {
return;
@@ -18301,7 +21933,11 @@ function _wrapEventTarget(target2) {
data: {
function: "handleEvent",
handler: getFunctionName(fn),
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
target: target2
+========
+ target
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
},
handled: false,
type: "instrument"
@@ -18317,7 +21953,11 @@ function _wrapEventTarget(target2) {
data: {
function: "addEventListener",
handler: getFunctionName(fn),
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
target: target2
+========
+ target
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
},
handled: false,
type: "instrument"
@@ -18390,12 +22030,20 @@ const _globalHandlersIntegration = /* @__PURE__ */ __name((options4 = {}) => {
}, "_globalHandlersIntegration");
const globalHandlersIntegration = defineIntegration(_globalHandlersIntegration);
function _installGlobalOnErrorHandler(client) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
addGlobalErrorInstrumentationHandler((data27) => {
+========
+ addGlobalErrorInstrumentationHandler((data25) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const { stackParser, attachStacktrace } = getOptions();
if (getClient() !== client || shouldIgnoreOnError()) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const { msg, url, line, column, error: error2 } = data27;
+========
+ const { msg, url, line, column, error: error2 } = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const event = _enhanceEventWithInitialFrame(
eventFromUnknownInput(stackParser, error2 || msg, void 0, attachStacktrace, false),
url,
@@ -18470,7 +22118,11 @@ function _enhanceEventWithInitialFrame(event, url, line, column) {
const ev0sf = ev0s.frames = ev0s.frames || [];
const colno = column;
const lineno = line;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const filename = isString$a(url) && url.length > 0 ? url : getLocationHref();
+========
+ const filename = isString$8(url) && url.length > 0 ? url : getLocationHref();
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (ev0sf.length === 0) {
ev0sf.push({
colno,
@@ -18750,7 +22402,11 @@ const INTEGRATION_NAME$6 = "ReportingObserver";
const SETUP_CLIENTS = /* @__PURE__ */ new WeakMap();
const _reportingObserverIntegration = /* @__PURE__ */ __name((options4 = {}) => {
const types = options4.types || ["crash", "deprecation", "intervention"];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function handler9(reports) {
+========
+ function handler6(reports) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!SETUP_CLIENTS.has(getClient())) {
return;
}
@@ -18777,7 +22433,11 @@ const _reportingObserverIntegration = /* @__PURE__ */ __name((options4 = {}) =>
});
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
__name(handler9, "handler");
+========
+ __name(handler6, "handler");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return {
name: INTEGRATION_NAME$6,
setupOnce() {
@@ -18785,7 +22445,11 @@ const _reportingObserverIntegration = /* @__PURE__ */ __name((options4 = {}) =>
return;
}
const observer = new WINDOW$3.ReportingObserver(
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
handler9,
+========
+ handler6,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
{
buffered: true,
types
@@ -18923,12 +22587,21 @@ function _getXHRResponseHeaders(xhr) {
}, {});
}
__name(_getXHRResponseHeaders, "_getXHRResponseHeaders");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function _isInGivenRequestTargets(failedRequestTargets, target2) {
return failedRequestTargets.some((givenRequestTarget) => {
if (typeof givenRequestTarget === "string") {
return target2.includes(givenRequestTarget);
}
return givenRequestTarget.test(target2);
+========
+function _isInGivenRequestTargets(failedRequestTargets, target) {
+ return failedRequestTargets.some((givenRequestTarget) => {
+ if (typeof givenRequestTarget === "string") {
+ return target.includes(givenRequestTarget);
+ }
+ return givenRequestTarget.test(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
}
__name(_isInGivenRequestTargets, "_isInGivenRequestTargets");
@@ -18985,11 +22658,19 @@ function _shouldCaptureResponse(options4, status, url) {
return _isInGivenStatusRanges(options4.failedRequestStatusCodes, status) && _isInGivenRequestTargets(options4.failedRequestTargets, url) && !isSentryRequestUrl(url, getClient());
}
__name(_shouldCaptureResponse, "_shouldCaptureResponse");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function _createEvent(data27) {
const client = getClient();
const virtualStackTrace = client && data27.error && data27.error instanceof Error ? data27.error.stack : void 0;
const stack2 = virtualStackTrace && client ? client.getOptions().stackParser(virtualStackTrace, 0, 1) : void 0;
const message3 = `HTTP Client Error with status code: ${data27.status}`;
+========
+function _createEvent(data25) {
+ const client = getClient();
+ const virtualStackTrace = client && data25.error && data25.error instanceof Error ? data25.error.stack : void 0;
+ const stack2 = virtualStackTrace && client ? client.getOptions().stackParser(virtualStackTrace, 0, 1) : void 0;
+ const message3 = `HTTP Client Error with status code: ${data25.status}`;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const event = {
message: message3,
exception: {
@@ -19002,6 +22683,7 @@ function _createEvent(data27) {
]
},
request: {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
url: data27.url,
method: data27.method,
headers: data27.requestHeaders,
@@ -19013,6 +22695,19 @@ function _createEvent(data27) {
headers: data27.responseHeaders,
cookies: data27.responseCookies,
body_size: _getResponseSizeFromHeaders(data27.responseHeaders)
+========
+ url: data25.url,
+ method: data25.method,
+ headers: data25.requestHeaders,
+ cookies: data25.requestCookies
+ },
+ contexts: {
+ response: {
+ status_code: data25.status,
+ headers: data25.responseHeaders,
+ cookies: data25.responseCookies,
+ body_size: _getResponseSizeFromHeaders(data25.responseHeaders)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
}
};
@@ -19362,8 +23057,13 @@ function extractFileExtension(path, baseURL) {
return null;
}
const regex2 = /\.([0-9a-z]+)(?:$)/i;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const match3 = url.pathname.match(regex2);
return _nullishCoalesce$1(_optionalChain$5([match3, "optionalAccess", (_6) => _6[1]]), () => null);
+========
+ const match2 = url.pathname.match(regex2);
+ return _nullishCoalesce$1(_optionalChain$5([match2, "optionalAccess", (_6) => _6[1]]), () => null);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(extractFileExtension, "extractFileExtension");
const cachedImplementations$1 = {};
@@ -19481,9 +23181,15 @@ function getAbsoluteSrcsetString(doc2, attributeValue) {
let pos2 = 0;
function collectCharacters(regEx) {
let chars2;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const match3 = regEx.exec(attributeValue.substring(pos2));
if (match3) {
chars2 = match3[0];
+========
+ const match2 = regEx.exec(attributeValue.substring(pos2));
+ if (match2) {
+ chars2 = match2[0];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
pos2 += chars2.length;
return chars2;
}
@@ -20348,10 +24054,17 @@ function _optionalChain$4(ops) {
return value4;
}
__name(_optionalChain$4, "_optionalChain$4");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function on(type, fn, target2 = document) {
const options4 = { capture: true, passive: true };
target2.addEventListener(type, fn, options4);
return () => target2.removeEventListener(type, fn, options4);
+========
+function on(type, fn, target = document) {
+ const options4 = { capture: true, passive: true };
+ target.addEventListener(type, fn, options4);
+ return () => target.removeEventListener(type, fn, options4);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(on, "on");
const DEPARTED_MIRROR_ACCESS_WARNING$1 = "Please stop import mirror directly. Instead of that,\r\nnow you can use replayer.getMirror() to access the mirror instance of a replayer,\r\nor you can use record.mirror to access the mirror instance during recording.";
@@ -20378,11 +24091,19 @@ let _mirror$1 = {
};
if (typeof window !== "undefined" && window.Proxy && window.Reflect) {
_mirror$1 = new Proxy(_mirror$1, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
get(target2, prop2, receiver) {
if (prop2 === "map") {
console.error(DEPARTED_MIRROR_ACCESS_WARNING$1);
}
return Reflect.get(target2, prop2, receiver);
+========
+ get(target, prop2, receiver) {
+ if (prop2 === "map") {
+ console.error(DEPARTED_MIRROR_ACCESS_WARNING$1);
+ }
+ return Reflect.get(target, prop2, receiver);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
});
}
@@ -20413,9 +24134,15 @@ function throttle$1(func, wait, options4 = {}) {
};
}
__name(throttle$1, "throttle$1");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function hookSetter$1(target2, key, d2, isRevoked, win = window) {
const original = win.Object.getOwnPropertyDescriptor(target2, key);
win.Object.defineProperty(target2, key, isRevoked ? d2 : {
+========
+function hookSetter$1(target, key, d2, isRevoked, win = window) {
+ const original = win.Object.getOwnPropertyDescriptor(target, key);
+ win.Object.defineProperty(target, key, isRevoked ? d2 : {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
set(value4) {
setTimeout$1$1(() => {
d2.set.call(this, value4);
@@ -20425,7 +24152,11 @@ function hookSetter$1(target2, key, d2, isRevoked, win = window) {
}
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return () => hookSetter$1(target2, key, original || {}, true);
+========
+ return () => hookSetter$1(target, key, original || {}, true);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(hookSetter$1, "hookSetter$1");
function patch$2(source, name2, replacement) {
@@ -20518,6 +24249,7 @@ function isIgnored(n2, mirror2) {
return mirror2.getId(n2) === IGNORED_NODE;
}
__name(isIgnored, "isIgnored");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function isAncestorRemoved(target2, mirror2) {
if (isShadowRoot(target2)) {
return false;
@@ -20533,6 +24265,23 @@ function isAncestorRemoved(target2, mirror2) {
return true;
}
return isAncestorRemoved(target2.parentNode, mirror2);
+========
+function isAncestorRemoved(target, mirror2) {
+ if (isShadowRoot(target)) {
+ return false;
+ }
+ const id3 = mirror2.getId(target);
+ if (!mirror2.has(id3)) {
+ return true;
+ }
+ if (target.parentNode && target.parentNode.nodeType === target.DOCUMENT_NODE) {
+ return false;
+ }
+ if (!target.parentNode) {
+ return true;
+ }
+ return isAncestorRemoved(target.parentNode, mirror2);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(isAncestorRemoved, "isAncestorRemoved");
function legacy_isTouchEvent(event) {
@@ -21093,6 +24842,7 @@ class MutationBuffer {
break;
}
case "attributes": {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const target2 = m2.target;
let attributeName = m2.attributeName;
let value4 = m2.target.getAttribute(attributeName);
@@ -21100,6 +24850,15 @@ class MutationBuffer {
const type = getInputType(target2);
const tagName = target2.tagName;
value4 = getInputValue(target2, tagName, type);
+========
+ const target = m2.target;
+ let attributeName = m2.attributeName;
+ let value4 = m2.target.getAttribute(attributeName);
+ if (attributeName === "value") {
+ const type = getInputType(target);
+ const tagName = target.tagName;
+ value4 = getInputValue(target, tagName, type);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const isInputMasked = shouldMaskInput({
maskInputOptions: this.maskInputOptions,
tagName,
@@ -21108,7 +24867,11 @@ class MutationBuffer {
const forceMask = needMaskingText(m2.target, this.maskTextClass, this.maskTextSelector, this.unmaskTextClass, this.unmaskTextSelector, isInputMasked);
value4 = maskInputValue({
isMasked: forceMask,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
element: target2,
+========
+ element: target,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
value: value4,
maskInputFn: this.maskInputFn
});
@@ -21117,8 +24880,13 @@ class MutationBuffer {
return;
}
let item3 = this.attributeMap.get(m2.target);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (target2.tagName === "IFRAME" && attributeName === "src" && !this.keepIframeSrcFn(value4)) {
const iframeDoc = getIFrameContentDocument(target2);
+========
+ if (target.tagName === "IFRAME" && attributeName === "src" && !this.keepIframeSrcFn(value4)) {
+ const iframeDoc = getIFrameContentDocument(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!iframeDoc) {
attributeName = "rr_src";
} else {
@@ -21135,11 +24903,19 @@ class MutationBuffer {
this.attributes.push(item3);
this.attributeMap.set(m2.target, item3);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (attributeName === "type" && target2.tagName === "INPUT" && (m2.oldValue || "").toLowerCase() === "password") {
target2.setAttribute("data-rr-is-password", "true");
}
if (!ignoreAttribute(target2.tagName, attributeName)) {
item3.attributes[attributeName] = transformAttribute(this.doc, toLowerCase(target2.tagName), toLowerCase(attributeName), value4, target2, this.maskAttributeFn);
+========
+ if (attributeName === "type" && target.tagName === "INPUT" && (m2.oldValue || "").toLowerCase() === "password") {
+ target.setAttribute("data-rr-is-password", "true");
+ }
+ if (!ignoreAttribute(target.tagName, attributeName)) {
+ item3.attributes[attributeName] = transformAttribute(this.doc, toLowerCase(target.tagName), toLowerCase(attributeName), value4, target, this.maskAttributeFn);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (attributeName === "style") {
if (!this.unattachedDoc) {
try {
@@ -21152,9 +24928,15 @@ class MutationBuffer {
if (m2.oldValue) {
old.setAttribute("style", m2.oldValue);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
for (const pname of Array.from(target2.style)) {
const newValue2 = target2.style.getPropertyValue(pname);
const newPriority = target2.style.getPropertyPriority(pname);
+========
+ for (const pname of Array.from(target.style)) {
+ const newValue2 = target.style.getPropertyValue(pname);
+ const newPriority = target.style.getPropertyPriority(pname);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (newValue2 !== old.style.getPropertyValue(pname) || newPriority !== old.style.getPropertyPriority(pname)) {
if (newPriority === "") {
item3.styleDiff[pname] = newValue2;
@@ -21166,7 +24948,11 @@ class MutationBuffer {
}
}
for (const pname of Array.from(old.style)) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (target2.style.getPropertyValue(pname) === "") {
+========
+ if (target.style.getPropertyValue(pname) === "") {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
item3.styleDiff[pname] = false;
}
}
@@ -21205,7 +24991,11 @@ class MutationBuffer {
}
}
};
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this.genAdds = (n2, target2) => {
+========
+ this.genAdds = (n2, target) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (this.processedNodeManager.inOtherBuffer(n2, this))
return;
if (this.addedSet.has(n2) || this.movedSet.has(n2))
@@ -21216,8 +25006,13 @@ class MutationBuffer {
}
this.movedSet.add(n2);
let targetId = null;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (target2 && this.mirror.hasNode(target2)) {
targetId = this.mirror.getId(target2);
+========
+ if (target && this.mirror.hasNode(target)) {
+ targetId = this.mirror.getId(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
if (targetId && targetId !== -1) {
this.movedMap[moveKey(this.mirror.getId(n2), targetId)] = true;
@@ -21318,6 +25113,7 @@ function _isParentRemoved(removes, n2, mirror2) {
return false;
}
__name(_isParentRemoved, "_isParentRemoved");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function isAncestorInSet(set4, n2) {
if (set4.size === 0)
return false;
@@ -21325,10 +25121,20 @@ function isAncestorInSet(set4, n2) {
}
__name(isAncestorInSet, "isAncestorInSet");
function _isAncestorInSet(set4, n2) {
+========
+function isAncestorInSet(set3, n2) {
+ if (set3.size === 0)
+ return false;
+ return _isAncestorInSet(set3, n2);
+}
+__name(isAncestorInSet, "isAncestorInSet");
+function _isAncestorInSet(set3, n2) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const { parentNode: parentNode2 } = n2;
if (!parentNode2) {
return false;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (set4.has(parentNode2)) {
return true;
}
@@ -21338,6 +25144,17 @@ __name(_isAncestorInSet, "_isAncestorInSet");
let errorHandler$1;
function registerErrorHandler$1(handler9) {
errorHandler$1 = handler9;
+========
+ if (set3.has(parentNode2)) {
+ return true;
+ }
+ return _isAncestorInSet(set3, parentNode2);
+}
+__name(_isAncestorInSet, "_isAncestorInSet");
+let errorHandler$1;
+function registerErrorHandler$1(handler6) {
+ errorHandler$1 = handler6;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(registerErrorHandler$1, "registerErrorHandler$1");
function unregisterErrorHandler() {
@@ -21444,7 +25261,11 @@ function initMoveObserver({ mousemoveCb, sampling, doc: doc2, mirror: mirror2 })
timeBaseline = null;
}), callbackThreshold);
const updatePosition = callbackWrapper$1(throttle$1(callbackWrapper$1((evt) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const target2 = getEventTarget(evt);
+========
+ const target = getEventTarget(evt);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const { clientX, clientY } = legacy_isTouchEvent(evt) ? evt.changedTouches[0] : evt;
if (!timeBaseline) {
timeBaseline = nowTimestamp();
@@ -21452,7 +25273,11 @@ function initMoveObserver({ mousemoveCb, sampling, doc: doc2, mirror: mirror2 })
positions.push({
x: clientX,
y: clientY,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
id: mirror2.getId(target2),
+========
+ id: mirror2.getId(target),
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
timeOffset: nowTimestamp() - timeBaseline
});
wrappedCb(typeof DragEvent !== "undefined" && evt instanceof DragEvent ? IncrementalSource.Drag : evt instanceof MouseEvent ? IncrementalSource.MouseMove : IncrementalSource.TouchMove);
@@ -21479,8 +25304,13 @@ function initMouseInteractionObserver({ mouseInteractionCb, doc: doc2, mirror: m
let currentPointerType = null;
const getHandler = /* @__PURE__ */ __name((eventKey) => {
return (event) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const target2 = getEventTarget(event);
if (isBlocked$1(target2, blockClass, blockSelector, unblockSelector, true)) {
+========
+ const target = getEventTarget(event);
+ if (isBlocked$1(target, blockClass, blockSelector, unblockSelector, true)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return;
}
let pointerType = null;
@@ -21520,7 +25350,11 @@ function initMouseInteractionObserver({ mouseInteractionCb, doc: doc2, mirror: m
if (!e2) {
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const id3 = mirror2.getId(target2);
+========
+ const id3 = mirror2.getId(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const { clientX, clientY } = e2;
callbackWrapper$1(mouseInteractionCb)({
type: MouseInteractions[thisEventKey],
@@ -21533,7 +25367,11 @@ function initMouseInteractionObserver({ mouseInteractionCb, doc: doc2, mirror: m
}, "getHandler");
Object.keys(MouseInteractions).filter((key) => Number.isNaN(Number(key)) && !key.endsWith("_Departed") && disableMap[key] !== false).forEach((eventKey) => {
let eventName = toLowerCase(eventKey);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const handler9 = getHandler(eventKey);
+========
+ const handler6 = getHandler(eventKey);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (window.PointerEvent) {
switch (MouseInteractions[eventKey]) {
case MouseInteractions.MouseDown:
@@ -21545,7 +25383,11 @@ function initMouseInteractionObserver({ mouseInteractionCb, doc: doc2, mirror: m
return;
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
handlers2.push(on(eventName, handler9, doc2));
+========
+ handlers2.push(on(eventName, handler6, doc2));
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
return callbackWrapper$1(() => {
handlers2.forEach((h2) => h2());
@@ -21554,12 +25396,21 @@ function initMouseInteractionObserver({ mouseInteractionCb, doc: doc2, mirror: m
__name(initMouseInteractionObserver, "initMouseInteractionObserver");
function initScrollObserver({ scrollCb, doc: doc2, mirror: mirror2, blockClass, blockSelector, unblockSelector, sampling }) {
const updatePosition = callbackWrapper$1(throttle$1(callbackWrapper$1((evt) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const target2 = getEventTarget(evt);
if (!target2 || isBlocked$1(target2, blockClass, blockSelector, unblockSelector, true)) {
return;
}
const id3 = mirror2.getId(target2);
if (target2 === doc2 && doc2.defaultView) {
+========
+ const target = getEventTarget(evt);
+ if (!target || isBlocked$1(target, blockClass, blockSelector, unblockSelector, true)) {
+ return;
+ }
+ const id3 = mirror2.getId(target);
+ if (target === doc2 && doc2.defaultView) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const scrollLeftTop = getWindowScroll(doc2.defaultView);
scrollCb({
id: id3,
@@ -21569,8 +25420,13 @@ function initScrollObserver({ scrollCb, doc: doc2, mirror: mirror2, blockClass,
} else {
scrollCb({
id: id3,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
x: target2.scrollLeft,
y: target2.scrollTop
+========
+ x: target.scrollLeft,
+ y: target.scrollTop
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
}
}), sampling.scroll || 100));
@@ -21599,6 +25455,7 @@ const INPUT_TAGS = ["INPUT", "TEXTAREA", "SELECT"];
const lastInputValueMap = /* @__PURE__ */ new WeakMap();
function initInputObserver({ inputCb, doc: doc2, mirror: mirror2, blockClass, blockSelector, unblockSelector, ignoreClass, ignoreSelector, maskInputOptions, maskInputFn, sampling, userTriggeredOnInput, maskTextClass, unmaskTextClass, maskTextSelector, unmaskTextSelector }) {
function eventHandler(event) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
let target2 = getEventTarget(event);
const userTriggered = event.isTrusted;
const tagName = target2 && toUpperCase(target2.tagName);
@@ -21612,6 +25469,21 @@ function initInputObserver({ inputCb, doc: doc2, mirror: mirror2, blockClass, bl
return;
}
const type = getInputType(target2);
+========
+ let target = getEventTarget(event);
+ const userTriggered = event.isTrusted;
+ const tagName = target && toUpperCase(target.tagName);
+ if (tagName === "OPTION")
+ target = target.parentElement;
+ if (!target || !tagName || INPUT_TAGS.indexOf(tagName) < 0 || isBlocked$1(target, blockClass, blockSelector, unblockSelector, true)) {
+ return;
+ }
+ const el = target;
+ if (el.classList.contains(ignoreClass) || ignoreSelector && el.matches(ignoreSelector)) {
+ return;
+ }
+ const type = getInputType(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
let text2 = getInputValue(el, tagName, type);
let isChecked2 = false;
const isInputMasked = shouldMaskInput({
@@ -21619,6 +25491,7 @@ function initInputObserver({ inputCb, doc: doc2, mirror: mirror2, blockClass, bl
tagName,
type
});
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const forceMask = needMaskingText(target2, maskTextClass, maskTextSelector, unmaskTextClass, unmaskTextSelector, isInputMasked);
if (type === "radio" || type === "checkbox") {
isChecked2 = target2.checked;
@@ -21634,6 +25507,23 @@ function initInputObserver({ inputCb, doc: doc2, mirror: mirror2, blockClass, bl
if (type === "radio" && name2 && isChecked2) {
doc2.querySelectorAll(`input[type="radio"][name="${name2}"]`).forEach((el2) => {
if (el2 !== target2) {
+========
+ const forceMask = needMaskingText(target, maskTextClass, maskTextSelector, unmaskTextClass, unmaskTextSelector, isInputMasked);
+ if (type === "radio" || type === "checkbox") {
+ isChecked2 = target.checked;
+ }
+ text2 = maskInputValue({
+ isMasked: forceMask,
+ element: target,
+ value: text2,
+ maskInputFn
+ });
+ cbWithDedup(target, userTriggeredOnInput ? { text: text2, isChecked: isChecked2, userTriggered } : { text: text2, isChecked: isChecked2 });
+ const name2 = target.name;
+ if (type === "radio" && name2 && isChecked2) {
+ doc2.querySelectorAll(`input[type="radio"][name="${name2}"]`).forEach((el2) => {
+ if (el2 !== target) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const text3 = maskInputValue({
isMasked: forceMask,
element: el2,
@@ -21646,11 +25536,19 @@ function initInputObserver({ inputCb, doc: doc2, mirror: mirror2, blockClass, bl
}
}
__name(eventHandler, "eventHandler");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function cbWithDedup(target2, v2) {
const lastInputValue = lastInputValueMap.get(target2);
if (!lastInputValue || lastInputValue.text !== v2.text || lastInputValue.isChecked !== v2.isChecked) {
lastInputValueMap.set(target2, v2);
const id3 = mirror2.getId(target2);
+========
+ function cbWithDedup(target, v2) {
+ const lastInputValue = lastInputValueMap.get(target);
+ if (!lastInputValue || lastInputValue.text !== v2.text || lastInputValue.isChecked !== v2.isChecked) {
+ lastInputValueMap.set(target, v2);
+ const id3 = mirror2.getId(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
callbackWrapper$1(inputCb)({
...v2,
id: id3
@@ -21729,7 +25627,11 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
}
const insertRule = win.CSSStyleSheet.prototype.insertRule;
win.CSSStyleSheet.prototype.insertRule = new Proxy(insertRule, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [rule, index2] = argumentsList;
const { id: id3, styleId } = getIdAndStyleId(thisArg, mirror2, stylesheetManager.styleMirror);
if (id3 && id3 !== -1 || styleId && styleId !== -1) {
@@ -21739,12 +25641,20 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
adds: [{ rule, index: index2 }]
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
const deleteRule = win.CSSStyleSheet.prototype.deleteRule;
win.CSSStyleSheet.prototype.deleteRule = new Proxy(deleteRule, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [index2] = argumentsList;
const { id: id3, styleId } = getIdAndStyleId(thisArg, mirror2, stylesheetManager.styleMirror);
if (id3 && id3 !== -1 || styleId && styleId !== -1) {
@@ -21754,14 +25664,22 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
removes: [{ index: index2 }]
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
let replace2;
if (win.CSSStyleSheet.prototype.replace) {
replace2 = win.CSSStyleSheet.prototype.replace;
win.CSSStyleSheet.prototype.replace = new Proxy(replace2, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [text2] = argumentsList;
const { id: id3, styleId } = getIdAndStyleId(thisArg, mirror2, stylesheetManager.styleMirror);
if (id3 && id3 !== -1 || styleId && styleId !== -1) {
@@ -21771,7 +25689,11 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
replace: text2
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
}
@@ -21779,7 +25701,11 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
if (win.CSSStyleSheet.prototype.replaceSync) {
replaceSync = win.CSSStyleSheet.prototype.replaceSync;
win.CSSStyleSheet.prototype.replaceSync = new Proxy(replaceSync, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [text2] = argumentsList;
const { id: id3, styleId } = getIdAndStyleId(thisArg, mirror2, stylesheetManager.styleMirror);
if (id3 && id3 !== -1 || styleId && styleId !== -1) {
@@ -21789,7 +25715,11 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
replaceSync: text2
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
}
@@ -21814,7 +25744,11 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
deleteRule: type.prototype.deleteRule
};
type.prototype.insertRule = new Proxy(unmodifiedFunctions[typeKey].insertRule, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [rule, index2] = argumentsList;
const { id: id3, styleId } = getIdAndStyleId(thisArg.parentStyleSheet, mirror2, stylesheetManager.styleMirror);
if (id3 && id3 !== -1 || styleId && styleId !== -1) {
@@ -21832,11 +25766,19 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
]
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
})
});
type.prototype.deleteRule = new Proxy(unmodifiedFunctions[typeKey].deleteRule, {
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ return target.apply(thisArg, argumentsList);
+ })
+ });
+ type.prototype.deleteRule = new Proxy(unmodifiedFunctions[typeKey].deleteRule, {
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [index2] = argumentsList;
const { id: id3, styleId } = getIdAndStyleId(thisArg.parentStyleSheet, mirror2, stylesheetManager.styleMirror);
if (id3 && id3 !== -1 || styleId && styleId !== -1) {
@@ -21848,7 +25790,11 @@ function initStyleSheetObserver({ styleSheetRuleCb, mirror: mirror2, stylesheetM
]
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
});
@@ -21905,7 +25851,11 @@ __name(initAdoptedStyleSheetObserver, "initAdoptedStyleSheetObserver");
function initStyleDeclarationObserver({ styleDeclarationCb, mirror: mirror2, ignoreCSSAttributes, stylesheetManager }, { win }) {
const setProperty2 = win.CSSStyleDeclaration.prototype.setProperty;
win.CSSStyleDeclaration.prototype.setProperty = new Proxy(setProperty2, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [property, value4, priority] = argumentsList;
if (ignoreCSSAttributes.has(property)) {
return setProperty2.apply(thisArg, [property, value4, priority]);
@@ -21923,12 +25873,20 @@ function initStyleDeclarationObserver({ styleDeclarationCb, mirror: mirror2, ign
index: getNestedCSSRulePositions(thisArg.parentRule)
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
const removeProperty = win.CSSStyleDeclaration.prototype.removeProperty;
win.CSSStyleDeclaration.prototype.removeProperty = new Proxy(removeProperty, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
apply: callbackWrapper$1((target2, thisArg, argumentsList) => {
+========
+ apply: callbackWrapper$1((target, thisArg, argumentsList) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const [property] = argumentsList;
if (ignoreCSSAttributes.has(property)) {
return removeProperty.apply(thisArg, [property]);
@@ -21944,7 +25902,11 @@ function initStyleDeclarationObserver({ styleDeclarationCb, mirror: mirror2, ign
index: getNestedCSSRulePositions(thisArg.parentRule)
});
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return target2.apply(thisArg, argumentsList);
+========
+ return target.apply(thisArg, argumentsList);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
})
});
return callbackWrapper$1(() => {
@@ -21954,6 +25916,7 @@ function initStyleDeclarationObserver({ styleDeclarationCb, mirror: mirror2, ign
}
__name(initStyleDeclarationObserver, "initStyleDeclarationObserver");
function initMediaInteractionObserver({ mediaInteractionCb, blockClass, blockSelector, unblockSelector, mirror: mirror2, sampling, doc: doc2 }) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const handler9 = callbackWrapper$1((type) => throttle$1(callbackWrapper$1((event) => {
const target2 = getEventTarget(event);
if (!target2 || isBlocked$1(target2, blockClass, blockSelector, unblockSelector, true)) {
@@ -21963,6 +25926,17 @@ function initMediaInteractionObserver({ mediaInteractionCb, blockClass, blockSel
mediaInteractionCb({
type,
id: mirror2.getId(target2),
+========
+ const handler6 = callbackWrapper$1((type) => throttle$1(callbackWrapper$1((event) => {
+ const target = getEventTarget(event);
+ if (!target || isBlocked$1(target, blockClass, blockSelector, unblockSelector, true)) {
+ return;
+ }
+ const { currentTime, volume, muted, playbackRate } = target;
+ mediaInteractionCb({
+ type,
+ id: mirror2.getId(target),
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
currentTime,
volume,
muted,
@@ -21970,11 +25944,19 @@ function initMediaInteractionObserver({ mediaInteractionCb, blockClass, blockSel
});
}), sampling.media || 500));
const handlers2 = [
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
on("play", handler9(0), doc2),
on("pause", handler9(1), doc2),
on("seeked", handler9(2), doc2),
on("volumechange", handler9(3), doc2),
on("ratechange", handler9(4), doc2)
+========
+ on("play", handler6(0), doc2),
+ on("pause", handler6(1), doc2),
+ on("seeked", handler6(2), doc2),
+ on("volumechange", handler6(3), doc2),
+ on("ratechange", handler6(4), doc2)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
];
return callbackWrapper$1(() => {
handlers2.forEach((h2) => h2());
@@ -22527,9 +26509,15 @@ class ShadowDomManager {
}));
}
reset() {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this.restoreHandlers.forEach((handler9) => {
try {
handler9();
+========
+ this.restoreHandlers.forEach((handler6) => {
+ try {
+ handler6();
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (e2) {
}
});
@@ -23165,7 +27153,11 @@ function addBreadcrumbEvent(replay, breadcrumb) {
data: {
tag: "breadcrumb",
// normalize to max. 10 depth and 1_000 properties per object
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
payload: normalize$3(breadcrumb, 10, 1e3)
+========
+ payload: normalize$2(breadcrumb, 10, 1e3)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
});
return breadcrumb.category === "console";
@@ -23179,11 +27171,19 @@ function getClosestInteractive(element) {
}
__name(getClosestInteractive, "getClosestInteractive");
function getClickTargetNode(event) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const target2 = getTargetNode(event);
if (!target2 || !(target2 instanceof Element)) {
return target2;
}
return getClosestInteractive(target2);
+========
+ const target = getTargetNode(event);
+ if (!target || !(target instanceof Element)) {
+ return target;
+ }
+ return getClosestInteractive(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(getClickTargetNode, "getClickTargetNode");
function getTargetNode(event) {
@@ -23217,7 +27217,11 @@ function monkeyPatchWindowOpen() {
return function(...args) {
if (handlers$2) {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
handlers$2.forEach((handler9) => handler9());
+========
+ handlers$2.forEach((handler6) => handler6());
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (e2) {
}
}
@@ -23524,8 +27528,13 @@ const handleDomListener = /* @__PURE__ */ __name((replay) => {
addBreadcrumbEvent(replay, result);
};
}, "handleDomListener");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function getBaseDomBreadcrumb(target2, message3) {
const nodeId = record.mirror.getId(target2);
+========
+function getBaseDomBreadcrumb(target, message3) {
+ const nodeId = record.mirror.getId(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const node3 = nodeId && record.mirror.getNode(nodeId);
const meta = node3 && record.mirror.getMeta(node3);
const element = meta && isElement$2(meta) ? meta : null;
@@ -23544,16 +27553,24 @@ function getBaseDomBreadcrumb(target2, message3) {
}
__name(getBaseDomBreadcrumb, "getBaseDomBreadcrumb");
function handleDom(handlerData) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const { target: target2, message: message3 } = getDomTarget(handlerData);
return createBreadcrumb({
category: `ui.${handlerData.name}`,
...getBaseDomBreadcrumb(target2, message3)
+========
+ const { target, message: message3 } = getDomTarget(handlerData);
+ return createBreadcrumb({
+ category: `ui.${handlerData.name}`,
+ ...getBaseDomBreadcrumb(target, message3)
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
}
__name(handleDom, "handleDom");
function getDomTarget(handlerData) {
const isClick = handlerData.name === "click";
let message3;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
let target2 = null;
try {
target2 = isClick ? getClickTargetNode(handlerData.event) : getTargetNode(handlerData.event);
@@ -23562,6 +27579,16 @@ function getDomTarget(handlerData) {
message3 = "";
}
return { target: target2, message: message3 };
+========
+ let target = null;
+ try {
+ target = isClick ? getClickTargetNode(handlerData.event) : getTargetNode(handlerData.event);
+ message3 = htmlTreeAsString(target, { maxStringLength: 200 }) || "";
+ } catch (e2) {
+ message3 = "";
+ }
+ return { target, message: message3 };
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(getDomTarget, "getDomTarget");
function isElement$2(node3) {
@@ -23581,8 +27608,13 @@ function handleKeyboardEvent(replay, event) {
}
__name(handleKeyboardEvent, "handleKeyboardEvent");
function getKeyboardBreadcrumb(event) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const { metaKey, shiftKey, ctrlKey, altKey, key, target: target2 } = event;
if (!target2 || isInputElement(target2) || !key) {
+========
+ const { metaKey, shiftKey, ctrlKey, altKey, key, target } = event;
+ if (!target || isInputElement(target) || !key) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return null;
}
const hasModifierKey = metaKey || ctrlKey || altKey;
@@ -23590,8 +27622,13 @@ function getKeyboardBreadcrumb(event) {
if (!hasModifierKey && isCharacterKey) {
return null;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const message3 = htmlTreeAsString(target2, { maxStringLength: 200 }) || "";
const baseBreadcrumb = getBaseDomBreadcrumb(target2, message3);
+========
+ const message3 = htmlTreeAsString(target, { maxStringLength: 200 }) || "";
+ const baseBreadcrumb = getBaseDomBreadcrumb(target, message3);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return createBreadcrumb({
category: "ui.keyDown",
message: message3,
@@ -23606,8 +27643,13 @@ function getKeyboardBreadcrumb(event) {
});
}
__name(getKeyboardBreadcrumb, "getKeyboardBreadcrumb");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function isInputElement(target2) {
return target2.tagName === "INPUT" || target2.tagName === "TEXTAREA" || target2.isContentEditable;
+========
+function isInputElement(target) {
+ return target.tagName === "INPUT" || target.tagName === "TEXTAREA" || target.isContentEditable;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(isInputElement, "isInputElement");
const ENTRY_TYPES = {
@@ -23961,8 +28003,13 @@ class WorkerHandler {
this._ensureReadyPromise = new Promise((resolve2, reject3) => {
this._worker.addEventListener(
"message",
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
({ data: data27 }) => {
if (data27.success) {
+========
+ ({ data: data25 }) => {
+ if (data25.success) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
resolve2();
} else {
reject3();
@@ -23993,8 +28040,13 @@ class WorkerHandler {
postMessage(method, arg) {
const id3 = this._getAndIncrementId();
return new Promise((resolve2, reject3) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const listener = /* @__PURE__ */ __name(({ data: data27 }) => {
const response = data27;
+========
+ const listener = /* @__PURE__ */ __name(({ data: data25 }) => {
+ const response = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (response.method !== method) {
return;
}
@@ -24062,12 +28114,21 @@ class EventBufferCompressionWorker {
if (!this._earliestTimestamp || timestamp2 < this._earliestTimestamp) {
this._earliestTimestamp = timestamp2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = JSON.stringify(event);
this._totalSize += data27.length;
if (this._totalSize > REPLAY_MAX_EVENT_BUFFER_SIZE) {
return Promise.reject(new EventBufferSizeExceededError());
}
return this._sendEventToWorker(data27);
+========
+ const data25 = JSON.stringify(event);
+ this._totalSize += data25.length;
+ if (this._totalSize > REPLAY_MAX_EVENT_BUFFER_SIZE) {
+ return Promise.reject(new EventBufferSizeExceededError());
+ }
+ return this._sendEventToWorker(data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
/**
* Finish the event buffer and return the compressed data.
@@ -24091,8 +28152,13 @@ class EventBufferCompressionWorker {
/**
* Send the event to the worker.
*/
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
_sendEventToWorker(data27) {
return this._worker.postMessage("addEvent", data27);
+========
+ _sendEventToWorker(data25) {
+ return this._worker.postMessage("addEvent", data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
/**
* Finish the request and return the compressed data from the worker.
@@ -24608,7 +28674,11 @@ function normalizeConsoleBreadcrumb(breadcrumb) {
}
if (typeof arg === "object") {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const normalizedArg = normalize$3(arg, 7);
+========
+ const normalizedArg = normalize$2(arg, 7);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const stringified = JSON.stringify(normalizedArg);
if (stringified.length > CONSOLE_ARG_MAX_SIZE) {
isTruncated = true;
@@ -24734,7 +28804,11 @@ function handleGlobalEventListener(replay) {
}
__name(handleGlobalEventListener, "handleGlobalEventListener");
function createPerformanceSpans(replay, entries) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return entries.map(({ type, start: start2, end, name: name2, data: data27 }) => {
+========
+ return entries.map(({ type, start: start2, end, name: name2, data: data25 }) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const response = replay.throttledAddEvent({
type: EventType.Custom,
timestamp: start2,
@@ -24745,7 +28819,11 @@ function createPerformanceSpans(replay, entries) {
description: name2,
startTimestamp: start2,
endTimestamp: end,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: data27
+========
+ data: data25
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
}
});
@@ -24839,8 +28917,13 @@ function parseContentLengthHeader(header3) {
if (!header3) {
return void 0;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const size = parseInt(header3, 10);
return isNaN(size) ? void 0 : size;
+========
+ const size2 = parseInt(header3, 10);
+ return isNaN(size2) ? void 0 : size2;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(parseContentLengthHeader, "parseContentLengthHeader");
function getBodyString(body) {
@@ -24882,11 +28965,19 @@ function mergeWarning(info, warning) {
return info;
}
__name(mergeWarning, "mergeWarning");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function makeNetworkReplayBreadcrumb(type, data27) {
if (!data27) {
return null;
}
const { startTimestamp, endTimestamp, url, method, statusCode, request, response } = data27;
+========
+function makeNetworkReplayBreadcrumb(type, data25) {
+ if (!data25) {
+ return null;
+ }
+ const { startTimestamp, endTimestamp, url, method, statusCode, request, response } = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const result = {
type,
start: startTimestamp / 1e3,
@@ -25018,8 +29109,13 @@ function getFullUrl(url, baseURI = WINDOW$1.document.baseURI) {
__name(getFullUrl, "getFullUrl");
async function captureFetchBreadcrumbToReplay(breadcrumb, hint, options4) {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = await _prepareFetchData(breadcrumb, hint, options4);
const result = makeNetworkReplayBreadcrumb("resource.fetch", data27);
+========
+ const data25 = await _prepareFetchData(breadcrumb, hint, options4);
+ const result = makeNetworkReplayBreadcrumb("resource.fetch", data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
addNetworkBreadcrumb(options4.replay, result);
} catch (error2) {
DEBUG_BUILD$2 && logger$1.exception(error2, "Failed to capture fetch breadcrumb");
@@ -25070,11 +29166,19 @@ function _getRequestInfo({ networkCaptureBodies, networkRequestHeaders }, input,
}
const requestBody = _getFetchRequestArgBody(input);
const [bodyStr, warning] = getBodyString(requestBody);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = buildNetworkRequestOrResponse(headers, requestBodySize, bodyStr);
if (warning) {
return mergeWarning(data27, warning);
}
return data27;
+========
+ const data25 = buildNetworkRequestOrResponse(headers, requestBodySize, bodyStr);
+ if (warning) {
+ return mergeWarning(data25, warning);
+ }
+ return data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(_getRequestInfo, "_getRequestInfo");
async function _getResponseInfo(captureDetails, {
@@ -25108,6 +29212,7 @@ function getResponseData(bodyText, {
headers
}) {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const size = bodyText && bodyText.length && responseBodySize === void 0 ? getBodySize(bodyText) : responseBodySize;
if (!captureDetails) {
return buildSkippedNetworkRequestOrResponse(size);
@@ -25116,6 +29221,16 @@ function getResponseData(bodyText, {
return buildNetworkRequestOrResponse(headers, size, bodyText);
}
return buildNetworkRequestOrResponse(headers, size, void 0);
+========
+ const size2 = bodyText && bodyText.length && responseBodySize === void 0 ? getBodySize(bodyText) : responseBodySize;
+ if (!captureDetails) {
+ return buildSkippedNetworkRequestOrResponse(size2);
+ }
+ if (networkCaptureBodies) {
+ return buildNetworkRequestOrResponse(headers, size2, bodyText);
+ }
+ return buildNetworkRequestOrResponse(headers, size2, void 0);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (error2) {
DEBUG_BUILD$2 && logger$1.exception(error2, "Failed to serialize response body");
return buildNetworkRequestOrResponse(headers, responseBodySize, void 0);
@@ -25208,8 +29323,13 @@ async function _getResponseText(response) {
__name(_getResponseText, "_getResponseText");
async function captureXhrBreadcrumbToReplay(breadcrumb, hint, options4) {
try {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = _prepareXhrData(breadcrumb, hint, options4);
const result = makeNetworkReplayBreadcrumb("resource.xhr", data27);
+========
+ const data25 = _prepareXhrData(breadcrumb, hint, options4);
+ const result = makeNetworkReplayBreadcrumb("resource.xhr", data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
addNetworkBreadcrumb(options4.replay, result);
} catch (error2) {
DEBUG_BUILD$2 && logger$1.exception(error2, "Failed to capture xhr breadcrumb");
@@ -25503,6 +29623,7 @@ function debounce(func, wait, options4) {
return debounced;
}
__name(debounce, "debounce");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const NAVIGATOR$1 = GLOBAL_OBJ.navigator;
function getRecordingSamplingOptions() {
if (/iPhone|iPad|iPod/i.test(NAVIGATOR$1 && NAVIGATOR$1.userAgent || "") || /Macintosh/i.test(NAVIGATOR$1 && NAVIGATOR$1.userAgent || "") && NAVIGATOR$1 && NAVIGATOR$1.maxTouchPoints && NAVIGATOR$1.maxTouchPoints > 1) {
@@ -25515,6 +29636,8 @@ function getRecordingSamplingOptions() {
return {};
}
__name(getRecordingSamplingOptions, "getRecordingSamplingOptions");
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function getHandleRecordingEmit(replay) {
let hadFirstEvent = false;
return (event, _isCheckout) => {
@@ -26055,7 +30178,10 @@ class ReplayContainer {
}
),
emit: getHandleRecordingEmit(this),
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
...getRecordingSamplingOptions(),
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
onMutation: this._onMutationHandler,
...canvasOptions ? {
recordCanvas: canvasOptions.recordCanvas,
@@ -27132,6 +31258,7 @@ let _mirror = {
};
if (typeof window !== "undefined" && window.Proxy && window.Reflect) {
_mirror = new Proxy(_mirror, {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
get(target2, prop2, receiver) {
if (prop2 === "map") {
console.error(DEPARTED_MIRROR_ACCESS_WARNING);
@@ -27143,6 +31270,19 @@ if (typeof window !== "undefined" && window.Proxy && window.Reflect) {
function hookSetter(target2, key, d2, isRevoked, win = window) {
const original = win.Object.getOwnPropertyDescriptor(target2, key);
win.Object.defineProperty(target2, key, isRevoked ? d2 : {
+========
+ get(target, prop2, receiver) {
+ if (prop2 === "map") {
+ console.error(DEPARTED_MIRROR_ACCESS_WARNING);
+ }
+ return Reflect.get(target, prop2, receiver);
+ }
+ });
+}
+function hookSetter(target, key, d2, isRevoked, win = window) {
+ const original = win.Object.getOwnPropertyDescriptor(target, key);
+ win.Object.defineProperty(target, key, isRevoked ? d2 : {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
set(value4) {
setTimeout$1(() => {
d2.set.call(this, value4);
@@ -27152,7 +31292,11 @@ function hookSetter(target2, key, d2, isRevoked, win = window) {
}
}
});
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return () => hookSetter(target2, key, original || {}, true);
+========
+ return () => hookSetter(target, key, original || {}, true);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(hookSetter, "hookSetter");
function patch$1(source, name2, replacement) {
@@ -27253,8 +31397,13 @@ var CanvasContext = /* @__PURE__ */ ((CanvasContext2) => {
return CanvasContext2;
})(CanvasContext || {});
let errorHandler;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function registerErrorHandler(handler9) {
errorHandler = handler9;
+========
+function registerErrorHandler(handler6) {
+ errorHandler = handler6;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(registerErrorHandler, "registerErrorHandler");
const callbackWrapper = /* @__PURE__ */ __name((cb) => {
@@ -27279,7 +31428,11 @@ var lookup = typeof Uint8Array === "undefined" ? [] : new Uint8Array(256);
for (var i$3 = 0; i$3 < chars.length; i$3++) {
lookup[chars.charCodeAt(i$3)] = i$3;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
var encode$6 = /* @__PURE__ */ __name(function(arraybuffer) {
+========
+var encode$5 = /* @__PURE__ */ __name(function(arraybuffer) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
var bytes = new Uint8Array(arraybuffer), i2, len = bytes.length, base64 = "";
for (i2 = 0; i2 < len; i2 += 3) {
base64 += chars[bytes[i2] >> 2];
@@ -27293,7 +31446,11 @@ var encode$6 = /* @__PURE__ */ __name(function(arraybuffer) {
base64 = base64.substring(0, base64.length - 2) + "==";
}
return base64;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
}, "encode$6");
+========
+}, "encode$5");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const canvasVarMap = /* @__PURE__ */ new Map();
function variableListFor(ctx, ctor) {
let contextMap = canvasVarMap.get(ctx);
@@ -27332,7 +31489,11 @@ function serializeArg(value4, win, ctx) {
};
} else if (value4 instanceof ArrayBuffer) {
const name2 = value4.constructor.name;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const base64 = encode$6(value4);
+========
+ const base64 = encode$5(value4);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return {
rr_type: name2,
base64
@@ -27552,9 +31713,15 @@ class CanvasManager {
}
reset() {
this.pendingCanvasMutations.clear();
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this.restoreHandlers.forEach((handler9) => {
try {
handler9();
+========
+ this.restoreHandlers.forEach((handler6) => {
+ try {
+ handler6();
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (e2) {
}
});
@@ -27589,6 +31756,7 @@ class CanvasManager {
this.locked = false;
this.snapshotInProgressMap = /* @__PURE__ */ new Map();
this.worker = null;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this.processMutation = (target2, mutation) => {
const newFrame = this.rafStamps.invokeId && this.rafStamps.latestId !== this.rafStamps.invokeId;
if (newFrame || !this.rafStamps.invokeId)
@@ -27597,6 +31765,16 @@ class CanvasManager {
this.pendingCanvasMutations.set(target2, []);
}
this.pendingCanvasMutations.get(target2).push(mutation);
+========
+ this.processMutation = (target, mutation) => {
+ const newFrame = this.rafStamps.invokeId && this.rafStamps.latestId !== this.rafStamps.invokeId;
+ if (newFrame || !this.rafStamps.invokeId)
+ this.rafStamps.invokeId = this.rafStamps.latestId;
+ if (!this.pendingCanvasMutations.has(target)) {
+ this.pendingCanvasMutations.set(target, []);
+ }
+ this.pendingCanvasMutations.get(target).push(mutation);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
};
const { sampling = "all", win, blockClass, blockSelector, unblockSelector, maxCanvasSize, recordCanvas, dataURLOptions, errorHandler: errorHandler2 } = options4;
this.mutationCb = options4.mutationCb;
@@ -27656,12 +31834,21 @@ class CanvasManager {
initFPSWorker() {
const worker = new Worker(t$2());
worker.onmessage = (e2) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = e2.data;
const { id: id3 } = data27;
this.snapshotInProgressMap.set(id3, false);
if (!("base64" in data27))
return;
const { base64, type, width: width2, height } = data27;
+========
+ const data25 = e2.data;
+ const { id: id3 } = data25;
+ this.snapshotInProgressMap.set(id3, false);
+ if (!("base64" in data25))
+ return;
+ const { base64, type, width: width2, height } = data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
this.mutationCb({
id: id3,
type: CanvasContext["2D"],
@@ -27726,8 +31913,13 @@ class CanvasManager {
return [canvasElement2];
}
const matchedCanvas = [];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const searchCanvas = /* @__PURE__ */ __name((root29) => {
root29.querySelectorAll("canvas").forEach((canvas) => {
+========
+ const searchCanvas = /* @__PURE__ */ __name((root27) => {
+ root27.querySelectorAll("canvas").forEach((canvas) => {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!isBlocked(canvas, blockClass, blockSelector, unblockSelector)) {
matchedCanvas.push(canvas);
}
@@ -28003,9 +32195,15 @@ function mergeOptions$2(defaultOptions2, optionOverrides) {
optionOverrides.onFormClose && optionOverrides.onFormClose();
defaultOptions2.onFormClose && defaultOptions2.onFormClose();
}, "onFormClose"),
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
onSubmitSuccess: /* @__PURE__ */ __name((data27) => {
optionOverrides.onSubmitSuccess && optionOverrides.onSubmitSuccess(data27);
defaultOptions2.onSubmitSuccess && defaultOptions2.onSubmitSuccess(data27);
+========
+ onSubmitSuccess: /* @__PURE__ */ __name((data25) => {
+ optionOverrides.onSubmitSuccess && optionOverrides.onSubmitSuccess(data25);
+ defaultOptions2.onSubmitSuccess && defaultOptions2.onSubmitSuccess(data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}, "onSubmitSuccess"),
onSubmitError: /* @__PURE__ */ __name((error2) => {
optionOverrides.onSubmitError && optionOverrides.onSubmitError(error2);
@@ -28552,12 +32750,20 @@ function C$1() {
u2 && j$1(o2, u2, r2), C$1.__r = 0;
}
__name(C$1, "C$1");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function P$1$1(n2, l2, u2, t2, i2, o2, r2, f2, e2, a2, h2) {
+========
+function P$1(n2, l2, u2, t2, i2, o2, r2, f2, e2, a2, h2) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
var v2, p2, y2, d2, _2, g2 = t2 && t2.__k || s$1, b2 = l2.length;
for (u2.__d = e2, S(u2, l2, g2), e2 = u2.__d, v2 = 0; v2 < b2; v2++) null != (y2 = u2.__k[v2]) && "boolean" != typeof y2 && "function" != typeof y2 && (p2 = -1 === y2.__i ? c$1 : g2[y2.__i] || c$1, y2.__i = v2, M(n2, y2, p2, i2, o2, r2, f2, e2, a2, h2), d2 = y2.__e, y2.ref && p2.ref != y2.ref && (p2.ref && N(p2.ref, null, y2), h2.push(y2.ref, y2.__c || d2, y2)), null == _2 && null != d2 && (_2 = d2), 65536 & y2.__u || p2.__k === y2.__k ? e2 = $(y2, e2, n2) : "function" == typeof y2.type && void 0 !== y2.__d ? e2 = y2.__d : d2 && (e2 = d2.nextSibling), y2.__d = void 0, y2.__u &= -196609);
u2.__d = e2, u2.__e = _2;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
__name(P$1$1, "P$1$1");
+========
+__name(P$1, "P$1");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function S(n2, l2, u2) {
var t2, i2, o2, r2, f2, e2 = l2.length, c2 = u2.length, s2 = c2, a2 = 0;
for (n2.__k = [], t2 = 0; t2 < e2; t2++) null != (i2 = n2.__k[t2] = null == (i2 = l2[t2]) || "boolean" == typeof i2 || "function" == typeof i2 ? null : "string" == typeof i2 || "number" == typeof i2 || "bigint" == typeof i2 || i2.constructor == String ? d$1(null, i2, null, null, i2) : h$1(i2) ? d$1(g$1$1, { children: i2 }, null, null, null) : void 0 === i2.constructor && i2.__b > 0 ? d$1(i2.type, i2.props, i2.key, i2.ref ? i2.ref : null, i2.__v) : i2) ? (i2.__ = n2, i2.__b = n2.__b + 1, f2 = I(i2, u2, r2 = t2 + a2, s2), i2.__i = f2, o2 = null, -1 !== f2 && (s2--, (o2 = u2[f2]) && (o2.__u |= 131072)), null == o2 || null === o2.__v ? (-1 == f2 && a2--, "function" != typeof i2.type && (i2.__u |= 65536)) : f2 !== r2 && (f2 === r2 + 1 ? a2++ : f2 > r2 ? s2 > e2 - r2 ? a2 += f2 - r2 : a2-- : a2 = f2 < r2 && f2 == r2 - 1 ? f2 - r2 : 0, f2 !== t2 + a2 && (i2.__u |= 65536))) : (o2 = u2[t2]) && null == o2.key && o2.__e && (o2.__e == n2.__d && (n2.__d = m$1(o2)), O(o2, o2, false), u2[t2] = null, s2--);
@@ -28654,7 +32860,11 @@ function M(n2, u2, t2, i2, o2, r2, f2, e2, c2, s2) {
} else do {
p2.__d = false, $2 && $2(u2), a2 = p2.render(p2.props, p2.state, p2.context), p2.state = p2.__s;
} while (p2.__d && ++H < 25);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
p2.state = p2.__s, null != p2.getChildContext && (i2 = v$1(v$1({}, i2), p2.getChildContext())), y2 || null == p2.getSnapshotBeforeUpdate || (m2 = p2.getSnapshotBeforeUpdate(d2, _2)), P$1$1(n2, h$1(T2 = null != a2 && a2.type === g$1$1 && null == a2.key ? a2.props.children : a2) ? T2 : [T2], u2, t2, i2, o2, r2, f2, e2, c2, s2), p2.base = u2.__e, u2.__u &= -161, p2.__h.length && f2.push(p2), w2 && (p2.__E = p2.__ = null);
+========
+ p2.state = p2.__s, null != p2.getChildContext && (i2 = v$1(v$1({}, i2), p2.getChildContext())), y2 || null == p2.getSnapshotBeforeUpdate || (m2 = p2.getSnapshotBeforeUpdate(d2, _2)), P$1(n2, h$1(T2 = null != a2 && a2.type === g$1$1 && null == a2.key ? a2.props.children : a2) ? T2 : [T2], u2, t2, i2, o2, r2, f2, e2, c2, s2), p2.base = u2.__e, u2.__u &= -161, p2.__h.length && f2.push(p2), w2 && (p2.__E = p2.__ = null);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (n3) {
u2.__v = null, c2 || null != r2 ? (u2.__e = e2, u2.__u |= c2 ? 160 : 32, r2[r2.indexOf(e2)] = null) : (u2.__e = t2.__e, u2.__k = t2.__k), l$1.__e(n3, u2, t2);
}
@@ -28693,7 +32903,11 @@ function z$1(l2, u2, t2, i2, o2, r2, f2, e2, s2) {
for (a2 in w2) _2 = w2[a2], "children" == a2 || ("dangerouslySetInnerHTML" == a2 ? y2 = _2 : "key" === a2 || a2 in k2 || A$1(l2, a2, null, _2, o2));
for (a2 in k2) _2 = k2[a2], "children" == a2 ? d2 = _2 : "dangerouslySetInnerHTML" == a2 ? v2 = _2 : "value" == a2 ? g2 = _2 : "checked" == a2 ? b2 = _2 : "key" === a2 || e2 && "function" != typeof _2 || w2[a2] === _2 || A$1(l2, a2, _2, w2[a2], o2);
if (v2) e2 || y2 && (v2.__html === y2.__html || v2.__html === l2.innerHTML) || (l2.innerHTML = v2.__html), u2.__k = [];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
else if (y2 && (l2.innerHTML = ""), P$1$1(l2, h$1(d2) ? d2 : [d2], u2, t2, i2, o2 && "foreignObject" !== x2, r2, f2, r2 ? r2[0] : t2.__k && m$1(t2, 0), e2, s2), null != r2) for (a2 = r2.length; a2--; ) null != r2[a2] && p$1(r2[a2]);
+========
+ else if (y2 && (l2.innerHTML = ""), P$1(l2, h$1(d2) ? d2 : [d2], u2, t2, i2, o2 && "foreignObject" !== x2, r2, f2, r2 ? r2[0] : t2.__k && m$1(t2, 0), e2, s2), null != r2) for (a2 = r2.length; a2--; ) null != r2[a2] && p$1(r2[a2]);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
e2 || (a2 = "value", void 0 !== g2 && (g2 !== l2[a2] || "progress" === x2 && !g2 || "option" === x2 && g2 !== w2[a2]) && A$1(l2, a2, g2, w2[a2], false), a2 = "checked", void 0 !== b2 && b2 !== l2[a2] && A$1(l2, a2, b2, w2[a2], false));
}
return l2;
@@ -29042,8 +33256,13 @@ function Form({
setShowScreenshotInput(false);
}, []);
const hasAllRequiredFields = x(
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
(data27) => {
const missingFields = getMissingFields(data27, {
+========
+ (data25) => {
+ const missingFields = getMissingFields(data25, {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
emailLabel,
isEmailRequired,
isNameRequired,
@@ -29068,18 +33287,27 @@ function Form({
}
const formData = new FormData(e2.target);
const attachment = await (screenshotInput && showScreenshotInput ? screenshotInput.value() : void 0);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = {
+========
+ const data25 = {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
name: retrieveStringValue(formData, "name"),
email: retrieveStringValue(formData, "email"),
message: retrieveStringValue(formData, "message"),
attachments: attachment ? [attachment] : void 0
};
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (!hasAllRequiredFields(data27)) {
+========
+ if (!hasAllRequiredFields(data25)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return;
}
try {
await onSubmit(
{
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
name: data27.name,
email: data27.email,
message: data27.message,
@@ -29089,6 +33317,17 @@ function Form({
{ attachments: data27.attachments }
);
onSubmitSuccess(data27);
+========
+ name: data25.name,
+ email: data25.email,
+ message: data25.message,
+ source: FEEDBACK_WIDGET_SOURCE,
+ tags
+ },
+ { attachments: data25.attachments }
+ );
+ onSubmitSuccess(data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} catch (error3) {
DEBUG_BUILD$1 && logger$2.error(error3);
setError(error3);
@@ -29261,8 +33500,13 @@ function Dialog({ open: open2, onFormSubmitted, ...props }) {
onFormSubmitted();
}, [timeoutId]);
const onSubmitSuccess = x(
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
(data27) => {
props.onSubmitSuccess(data27);
+========
+ (data25) => {
+ props.onSubmitSuccess(data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
setTimeoutId(
setTimeout(() => {
onFormSubmitted();
@@ -29673,9 +33917,15 @@ const feedbackModalIntegration = /* @__PURE__ */ __name(() => {
options4.onFormClose && options4.onFormClose();
}, "onFormClose"),
onSubmit: sendFeedback2,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
onSubmitSuccess: /* @__PURE__ */ __name((data27) => {
renderContent(false);
options4.onSubmitSuccess && options4.onSubmitSuccess(data27);
+========
+ onSubmitSuccess: /* @__PURE__ */ __name((data25) => {
+ renderContent(false);
+ options4.onSubmitSuccess && options4.onSubmitSuccess(data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}, "onSubmitSuccess"),
onSubmitError: /* @__PURE__ */ __name((error2) => {
options4.onSubmitError && options4.onSubmitError(error2);
@@ -30210,9 +34460,15 @@ const feedbackScreenshotIntegration = /* @__PURE__ */ __name(() => {
imageBuffer.toBlob(resolve2, "image/png");
});
if (blob) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const data27 = new Uint8Array(await blob.arrayBuffer());
const attachment = {
data: data27,
+========
+ const data25 = new Uint8Array(await blob.arrayBuffer());
+ const attachment = {
+ data: data25,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
filename: "screenshot.png",
contentType: "application/png"
// attachmentType?: string;
@@ -30232,6 +34488,7 @@ const feedbackSyncIntegration = buildFeedbackIntegration({
getModalIntegration: /* @__PURE__ */ __name(() => feedbackModalIntegration, "getModalIntegration"),
getScreenshotIntegration: /* @__PURE__ */ __name(() => feedbackScreenshotIntegration, "getScreenshotIntegration")
});
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function increment(name2, value4 = 1, data27) {
metrics$1.increment(BrowserMetricsAggregator, name2, value4, data27);
}
@@ -30250,12 +34507,36 @@ function gauge(name2, value4, data27) {
__name(gauge, "gauge");
function timing(name2, value4, unit = "second", data27) {
return metrics$1.timing(BrowserMetricsAggregator, name2, value4, unit, data27);
+========
+function increment(name2, value4 = 1, data25) {
+ metrics$1.increment(BrowserMetricsAggregator, name2, value4, data25);
+}
+__name(increment, "increment");
+function distribution(name2, value4, data25) {
+ metrics$1.distribution(BrowserMetricsAggregator, name2, value4, data25);
+}
+__name(distribution, "distribution");
+function set$5(name2, value4, data25) {
+ metrics$1.set(BrowserMetricsAggregator, name2, value4, data25);
+}
+__name(set$5, "set$5");
+function gauge(name2, value4, data25) {
+ metrics$1.gauge(BrowserMetricsAggregator, name2, value4, data25);
+}
+__name(gauge, "gauge");
+function timing(name2, value4, unit = "second", data25) {
+ return metrics$1.timing(BrowserMetricsAggregator, name2, value4, unit, data25);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(timing, "timing");
const metrics = {
increment,
distribution,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
set: set$2,
+========
+ set: set$5,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
gauge,
timing
};
@@ -30350,7 +34631,11 @@ function addHTTPTimings(span) {
entries.forEach((entry) => {
if (isPerformanceResourceTiming(entry) && entry.name.endsWith(url)) {
const spanData = resourceTimingEntryToSpanData(entry);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
spanData.forEach((data27) => span.setAttribute(...data27));
+========
+ spanData.forEach((data25) => span.setAttribute(...data25));
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
setTimeout(cleanup);
}
});
@@ -30878,6 +35163,7 @@ function createIndexedDbStore(options4) {
}
__name(createIndexedDbStore, "createIndexedDbStore");
function makeIndexedDbOfflineTransport(createTransport2) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return (options4) => {
const transport = createTransport2({ ...options4, createStore: createIndexedDbStore });
WINDOW$5.addEventListener("online", async (_2) => {
@@ -30885,6 +35171,9 @@ function makeIndexedDbOfflineTransport(createTransport2) {
});
return transport;
};
+========
+ return (options4) => createTransport2({ ...options4, createStore: createIndexedDbStore });
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(makeIndexedDbOfflineTransport, "makeIndexedDbOfflineTransport");
function makeBrowserOfflineTransport(createTransport2 = makeFetchTransport) {
@@ -30900,8 +35189,13 @@ let OS_ARCH = "";
let OS_BROWSER = WINDOW$5.navigator && WINDOW$5.navigator.userAgent || "";
let OS_MODEL = "";
const OS_LOCALE = WINDOW$5.navigator && WINDOW$5.navigator.language || WINDOW$5.navigator && WINDOW$5.navigator.languages && WINDOW$5.navigator.languages[0] || "";
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function isUserAgentData(data27) {
return typeof data27 === "object" && data27 !== null && "getHighEntropyValues" in data27;
+========
+function isUserAgentData(data25) {
+ return typeof data25 === "object" && data25 !== null && "getHighEntropyValues" in data25;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(isUserAgentData, "isUserAgentData");
const userAgentData = WINDOW$5.navigator && WINDOW$5.navigator.userAgentData;
@@ -31551,9 +35845,15 @@ const formatComponentName$1 = /* @__PURE__ */ __name((vm, includeFile) => {
let name2 = options4.name || options4._componentTag || options4.__name;
const file = options4.__file;
if (!name2 && file) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const match3 = file.match(/([^/\\]+)\.vue$/);
if (match3) {
name2 = match3[1];
+========
+ const match2 = file.match(/([^/\\]+)\.vue$/);
+ if (match2) {
+ name2 = match2[1];
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
}
return (name2 ? `<${classify$1(name2)}>` : ANONYMOUS_COMPONENT_NAME) + (file && includeFile !== false ? ` at ${file}` : "");
@@ -31610,15 +35910,23 @@ const attachErrorHandler = /* @__PURE__ */ __name((app2, options4) => {
setTimeout(() => {
captureException(error2, {
captureContext: { contexts: { vue: metadata } },
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
mechanism: { handled: !!originalErrorHandler, type: "vue" }
+========
+ mechanism: { handled: false }
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
});
});
if (typeof originalErrorHandler === "function" && app2.config.errorHandler) {
originalErrorHandler.call(app2, error2, vm, lifecycleHook);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (!originalErrorHandler) {
throw error2;
} else if (options4.logErrors) {
+========
+ if (options4.logErrors) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const hasConsole = typeof console !== "undefined";
const message3 = `Error in ${lifecycleHook}: "${error2 && error2.toString()}"`;
if (warnHandler) {
@@ -31987,6 +36295,7 @@ const isArray$9 = Array.isArray;
const isMap$3 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object Map]", "isMap$3");
const isSet$3 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object Set]", "isSet$3");
const isDate$2 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object Date]", "isDate$2");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const isRegExp$5 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object RegExp]", "isRegExp$5");
const isFunction$a = /* @__PURE__ */ __name((val) => typeof val === "function", "isFunction$a");
const isString$9 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$9");
@@ -31994,6 +36303,15 @@ const isSymbol$1 = /* @__PURE__ */ __name((val) => typeof val === "symbol", "isS
const isObject$e = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$e");
const isPromise$1 = /* @__PURE__ */ __name((val) => {
return (isObject$e(val) || isFunction$a(val)) && isFunction$a(val.then) && isFunction$a(val.catch);
+========
+const isRegExp$4 = /* @__PURE__ */ __name((val) => toTypeString$1(val) === "[object RegExp]", "isRegExp$4");
+const isFunction$8 = /* @__PURE__ */ __name((val) => typeof val === "function", "isFunction$8");
+const isString$7 = /* @__PURE__ */ __name((val) => typeof val === "string", "isString$7");
+const isSymbol$1 = /* @__PURE__ */ __name((val) => typeof val === "symbol", "isSymbol$1");
+const isObject$d = /* @__PURE__ */ __name((val) => val !== null && typeof val === "object", "isObject$d");
+const isPromise$1 = /* @__PURE__ */ __name((val) => {
+ return (isObject$d(val) || isFunction$8(val)) && isFunction$8(val.then) && isFunction$8(val.catch);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}, "isPromise$1");
const objectToString$3 = Object.prototype.toString;
const toTypeString$1 = /* @__PURE__ */ __name((value4) => objectToString$3.call(value4), "toTypeString$1");
@@ -32017,11 +36335,17 @@ const cacheStringFunction$1 = /* @__PURE__ */ __name((fn) => {
};
}, "cacheStringFunction$1");
const camelizeRE$1 = /-(\w)/g;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const camelize$1 = cacheStringFunction$1(
(str) => {
return str.replace(camelizeRE$1, (_2, c2) => c2 ? c2.toUpperCase() : "");
}
);
+========
+const camelize$1 = cacheStringFunction$1((str) => {
+ return str.replace(camelizeRE$1, (_2, c2) => c2 ? c2.toUpperCase() : "");
+});
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const hyphenateRE$1 = /\B([A-Z])/g;
const hyphenate$1 = cacheStringFunction$1(
(str) => str.replace(hyphenateRE$1, "-$1").toLowerCase()
@@ -32029,12 +36353,19 @@ const hyphenate$1 = cacheStringFunction$1(
const capitalize$1 = cacheStringFunction$1((str) => {
return str.charAt(0).toUpperCase() + str.slice(1);
});
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const toHandlerKey = cacheStringFunction$1(
(str) => {
const s2 = str ? `on${capitalize$1(str)}` : ``;
return s2;
}
);
+========
+const toHandlerKey = cacheStringFunction$1((str) => {
+ const s2 = str ? `on${capitalize$1(str)}` : ``;
+ return s2;
+});
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const hasChanged = /* @__PURE__ */ __name((value4, oldValue2) => !Object.is(value4, oldValue2), "hasChanged");
const invokeArrayFns = /* @__PURE__ */ __name((fns, ...arg) => {
for (let i2 = 0; i2 < fns.length; i2++) {
@@ -32054,7 +36385,11 @@ const looseToNumber = /* @__PURE__ */ __name((val) => {
return isNaN(n2) ? val : n2;
}, "looseToNumber");
const toNumber = /* @__PURE__ */ __name((val) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const n2 = isString$9(val) ? Number(val) : NaN;
+========
+ const n2 = isString$7(val) ? Number(val) : NaN;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return isNaN(n2) ? val : n2;
}, "toNumber");
let _globalThis$1;
@@ -32214,7 +36549,11 @@ function normalizeStyle(value4) {
}
}
return res;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isString$9(value4) || isObject$e(value4)) {
+========
+ } else if (isString$7(value4) || isObject$d(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return value4;
}
}
@@ -32258,7 +36597,11 @@ function normalizeClass(value4) {
res += normalized + " ";
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isObject$e(value4)) {
+========
+ } else if (isObject$d(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
for (const name2 in value4) {
if (value4[name2]) {
res += name2 + " ";
@@ -32378,6 +36721,7 @@ function escapeHtmlComment(src) {
return src.replace(commentStripRE, "");
}
__name(escapeHtmlComment, "escapeHtmlComment");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const cssVarNameEscapeSymbolsRE = /[ !"#$%&'()*+,./:;<=>?@[\\\]^`{|}~]/g;
function getEscapedCssVarName(key, doubleEscape) {
return key.replace(
@@ -32386,6 +36730,8 @@ function getEscapedCssVarName(key, doubleEscape) {
);
}
__name(getEscapedCssVarName, "getEscapedCssVarName");
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function looseCompareArrays(a2, b2) {
if (a2.length !== b2.length) return false;
let equal = true;
@@ -32412,8 +36758,13 @@ function looseEqual(a2, b2) {
if (aValidType || bValidType) {
return aValidType && bValidType ? looseCompareArrays(a2, b2) : false;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
aValidType = isObject$e(a2);
bValidType = isObject$e(b2);
+========
+ aValidType = isObject$d(a2);
+ bValidType = isObject$d(b2);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (aValidType || bValidType) {
if (!aValidType || !bValidType) {
return false;
@@ -32442,7 +36793,11 @@ const isRef$1 = /* @__PURE__ */ __name((val) => {
return !!(val && val["__v_isRef"] === true);
}, "isRef$1");
const toDisplayString$1 = /* @__PURE__ */ __name((val) => {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return isString$9(val) ? val : val == null ? "" : isArray$9(val) || isObject$e(val) && (val.toString === objectToString$3 || !isFunction$a(val.toString)) ? isRef$1(val) ? toDisplayString$1(val.value) : JSON.stringify(val, replacer, 2) : String(val);
+========
+ return isString$7(val) ? val : val == null ? "" : isArray$9(val) || isObject$d(val) && (val.toString === objectToString$3 || !isFunction$8(val.toString)) ? isRef$1(val) ? toDisplayString$1(val.value) : JSON.stringify(val, replacer, 2) : String(val);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}, "toDisplayString$1");
const replacer = /* @__PURE__ */ __name((_key, val) => {
if (isRef$1(val)) {
@@ -32463,7 +36818,11 @@ const replacer = /* @__PURE__ */ __name((_key, val) => {
};
} else if (isSymbol$1(val)) {
return stringifySymbol(val);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isObject$e(val) && !isArray$9(val) && !isPlainObject$4(val)) {
+========
+ } else if (isObject$d(val) && !isArray$9(val) && !isPlainObject$4(val)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return String(val);
}
return val;
@@ -32568,12 +36927,18 @@ class EffectScope {
}
stop(fromParent) {
if (this._active) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this._active = false;
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
let i2, l2;
for (i2 = 0, l2 = this.effects.length; i2 < l2; i2++) {
this.effects[i2].stop();
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
this.effects.length = 0;
+========
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
for (i2 = 0, l2 = this.cleanups.length; i2 < l2; i2++) {
this.cleanups[i2]();
}
@@ -33129,7 +37494,52 @@ function trigger(target2, type, key, newValue2, oldValue2, oldTarget) {
globalVersion++;
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const run2 = /* @__PURE__ */ __name((dep) => {
+========
+ let deps = [];
+ if (type === "clear") {
+ deps = [...depsMap.values()];
+ } else if (key === "length" && isArray$9(target)) {
+ const newLength = Number(newValue2);
+ depsMap.forEach((dep, key2) => {
+ if (key2 === "length" || !isSymbol$1(key2) && key2 >= newLength) {
+ deps.push(dep);
+ }
+ });
+ } else {
+ if (key !== void 0) {
+ deps.push(depsMap.get(key));
+ }
+ switch (type) {
+ case "add":
+ if (!isArray$9(target)) {
+ deps.push(depsMap.get(ITERATE_KEY));
+ if (isMap$3(target)) {
+ deps.push(depsMap.get(MAP_KEY_ITERATE_KEY));
+ }
+ } else if (isIntegerKey(key)) {
+ deps.push(depsMap.get("length"));
+ }
+ break;
+ case "delete":
+ if (!isArray$9(target)) {
+ deps.push(depsMap.get(ITERATE_KEY));
+ if (isMap$3(target)) {
+ deps.push(depsMap.get(MAP_KEY_ITERATE_KEY));
+ }
+ }
+ break;
+ case "set":
+ if (isMap$3(target)) {
+ deps.push(depsMap.get(ITERATE_KEY));
+ }
+ break;
+ }
+ }
+ pauseScheduling();
+ for (const dep of deps) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (dep) {
if (false) {
dep.trigger({
@@ -33386,6 +37796,39 @@ const isNonTrackableKeys = /* @__PURE__ */ makeMap(`__proto__,__v_isRef,__isVue`
const builtInSymbols = new Set(
/* @__PURE__ */ Object.getOwnPropertyNames(Symbol).filter((key) => key !== "arguments" && key !== "caller").map((key) => Symbol[key]).filter(isSymbol$1)
);
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
+========
+const arrayInstrumentations = /* @__PURE__ */ createArrayInstrumentations();
+function createArrayInstrumentations() {
+ const instrumentations = {};
+ ["includes", "indexOf", "lastIndexOf"].forEach((key) => {
+ instrumentations[key] = function(...args) {
+ const arr = toRaw(this);
+ for (let i2 = 0, l2 = this.length; i2 < l2; i2++) {
+ track(arr, "get", i2 + "");
+ }
+ const res = arr[key](...args);
+ if (res === -1 || res === false) {
+ return arr[key](...args.map(toRaw));
+ } else {
+ return res;
+ }
+ };
+ });
+ ["push", "pop", "shift", "unshift", "splice"].forEach((key) => {
+ instrumentations[key] = function(...args) {
+ pauseTracking();
+ pauseScheduling();
+ const res = toRaw(this)[key].apply(this, args);
+ resetScheduling();
+ resetTracking();
+ return res;
+ };
+ });
+ return instrumentations;
+}
+__name(createArrayInstrumentations, "createArrayInstrumentations");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function hasOwnProperty$c(key) {
if (!isSymbol$1(key)) key = String(key);
const obj = toRaw(this);
@@ -33418,7 +37861,11 @@ class BaseReactiveHandler {
}
return;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const targetIsArray = isArray$9(target2);
+========
+ const targetIsArray = isArray$9(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!isReadonly2) {
let fn;
if (targetIsArray && (fn = arrayInstrumentations[key])) {
@@ -33448,7 +37895,11 @@ class BaseReactiveHandler {
if (isRef(res)) {
return targetIsArray && isIntegerKey(key) ? res : res.value;
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isObject$e(res)) {
+========
+ if (isObject$d(res)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return isReadonly2 ? readonly(res) : reactive(res);
}
return res;
@@ -33469,7 +37920,11 @@ class MutableReactiveHandler extends BaseReactiveHandler {
oldValue2 = toRaw(oldValue2);
value4 = toRaw(value4);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (!isArray$9(target2) && isRef(oldValue2) && !isRef(value4)) {
+========
+ if (!isArray$9(target) && isRef(oldValue2) && !isRef(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (isOldValueReadonly) {
return false;
} else {
@@ -33478,6 +37933,7 @@ class MutableReactiveHandler extends BaseReactiveHandler {
}
}
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const hadKey = isArray$9(target2) && isIntegerKey(key) ? Number(key) < target2.length : hasOwn$3(target2, key);
const result = Reflect.set(
target2,
@@ -33486,6 +37942,11 @@ class MutableReactiveHandler extends BaseReactiveHandler {
isRef(target2) ? target2 : receiver
);
if (target2 === toRaw(receiver)) {
+========
+ const hadKey = isArray$9(target) && isIntegerKey(key) ? Number(key) < target.length : hasOwn$3(target, key);
+ const result = Reflect.set(target, key, value4, receiver);
+ if (target === toRaw(receiver)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (!hadKey) {
trigger(target2, "add", key, value4);
} else if (hasChanged(value4, oldValue2)) {
@@ -33514,7 +37975,11 @@ class MutableReactiveHandler extends BaseReactiveHandler {
track(
target2,
"iterate",
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
isArray$9(target2) ? "length" : ITERATE_KEY
+========
+ isArray$9(target) ? "length" : ITERATE_KEY
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
);
return Reflect.ownKeys(target2);
}
@@ -33551,10 +38016,132 @@ const shallowReactiveHandlers = /* @__PURE__ */ new MutableReactiveHandler(true)
const shallowReadonlyHandlers = /* @__PURE__ */ new ReadonlyReactiveHandler(true);
const toShallow = /* @__PURE__ */ __name((value4) => value4, "toShallow");
const getProto = /* @__PURE__ */ __name((v2) => Reflect.getPrototypeOf(v2), "getProto");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function createIterableMethod(method, isReadonly2, isShallow2) {
return function(...args) {
const target2 = this["__v_raw"];
const rawTarget = toRaw(target2);
+========
+function get$3(target, key, isReadonly2 = false, isShallow2 = false) {
+ target = target["__v_raw"];
+ const rawTarget = toRaw(target);
+ const rawKey = toRaw(key);
+ if (!isReadonly2) {
+ if (hasChanged(key, rawKey)) {
+ track(rawTarget, "get", key);
+ }
+ track(rawTarget, "get", rawKey);
+ }
+ const { has: has2 } = getProto(rawTarget);
+ const wrap2 = isShallow2 ? toShallow : isReadonly2 ? toReadonly : toReactive$1;
+ if (has2.call(rawTarget, key)) {
+ return wrap2(target.get(key));
+ } else if (has2.call(rawTarget, rawKey)) {
+ return wrap2(target.get(rawKey));
+ } else if (target !== rawTarget) {
+ target.get(key);
+ }
+}
+__name(get$3, "get$3");
+function has$1(key, isReadonly2 = false) {
+ const target = this["__v_raw"];
+ const rawTarget = toRaw(target);
+ const rawKey = toRaw(key);
+ if (!isReadonly2) {
+ if (hasChanged(key, rawKey)) {
+ track(rawTarget, "has", key);
+ }
+ track(rawTarget, "has", rawKey);
+ }
+ return key === rawKey ? target.has(key) : target.has(key) || target.has(rawKey);
+}
+__name(has$1, "has$1");
+function size(target, isReadonly2 = false) {
+ target = target["__v_raw"];
+ !isReadonly2 && track(toRaw(target), "iterate", ITERATE_KEY);
+ return Reflect.get(target, "size", target);
+}
+__name(size, "size");
+function add$1(value4) {
+ value4 = toRaw(value4);
+ const target = toRaw(this);
+ const proto = getProto(target);
+ const hadKey = proto.has.call(target, value4);
+ if (!hadKey) {
+ target.add(value4);
+ trigger(target, "add", value4, value4);
+ }
+ return this;
+}
+__name(add$1, "add$1");
+function set$4(key, value4) {
+ value4 = toRaw(value4);
+ const target = toRaw(this);
+ const { has: has2, get: get22 } = getProto(target);
+ let hadKey = has2.call(target, key);
+ if (!hadKey) {
+ key = toRaw(key);
+ hadKey = has2.call(target, key);
+ } else if (false) {
+ checkIdentityKeys(target, has2, key);
+ }
+ const oldValue2 = get22.call(target, key);
+ target.set(key, value4);
+ if (!hadKey) {
+ trigger(target, "add", key, value4);
+ } else if (hasChanged(value4, oldValue2)) {
+ trigger(target, "set", key, value4, oldValue2);
+ }
+ return this;
+}
+__name(set$4, "set$4");
+function deleteEntry(key) {
+ const target = toRaw(this);
+ const { has: has2, get: get22 } = getProto(target);
+ let hadKey = has2.call(target, key);
+ if (!hadKey) {
+ key = toRaw(key);
+ hadKey = has2.call(target, key);
+ } else if (false) {
+ checkIdentityKeys(target, has2, key);
+ }
+ const oldValue2 = get22 ? get22.call(target, key) : void 0;
+ const result = target.delete(key);
+ if (hadKey) {
+ trigger(target, "delete", key, void 0, oldValue2);
+ }
+ return result;
+}
+__name(deleteEntry, "deleteEntry");
+function clear() {
+ const target = toRaw(this);
+ const hadItems = target.size !== 0;
+ const oldTarget = false ? isMap$3(target) ? new Map(target) : new Set(target) : void 0;
+ const result = target.clear();
+ if (hadItems) {
+ trigger(target, "clear", void 0, void 0, oldTarget);
+ }
+ return result;
+}
+__name(clear, "clear");
+function createForEach(isReadonly2, isShallow2) {
+ return /* @__PURE__ */ __name(function forEach3(callback, thisArg) {
+ const observed = this;
+ const target = observed["__v_raw"];
+ const rawTarget = toRaw(target);
+ const wrap2 = isShallow2 ? toShallow : isReadonly2 ? toReadonly : toReactive$1;
+ !isReadonly2 && track(rawTarget, "iterate", ITERATE_KEY);
+ return target.forEach((value4, key) => {
+ return callback.call(thisArg, wrap2(value4), wrap2(key), observed);
+ });
+ }, "forEach");
+}
+__name(createForEach, "createForEach");
+function createIterableMethod(method, isReadonly2, isShallow2) {
+ return function(...args) {
+ const target = this["__v_raw"];
+ const rawTarget = toRaw(target);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const targetIsMap = isMap$3(rawTarget);
const isPair = method === "entries" || method === Symbol.iterator && targetIsMap;
const isKeyOnly = method === "keys" && targetIsMap;
@@ -33841,8 +38428,13 @@ function shallowReadonly(target2) {
);
}
__name(shallowReadonly, "shallowReadonly");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
function createReactiveObject(target2, isReadonly2, baseHandlers, collectionHandlers, proxyMap) {
if (!isObject$e(target2)) {
+========
+function createReactiveObject(target, isReadonly2, baseHandlers, collectionHandlers, proxyMap) {
+ if (!isObject$d(target)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (false) {
warn$4(
`value cannot be made ${isReadonly2 ? "readonly" : "reactive"}: ${String(
@@ -33902,10 +38494,125 @@ function markRaw(value4) {
return value4;
}
__name(markRaw, "markRaw");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const toReactive$1 = /* @__PURE__ */ __name((value4) => isObject$e(value4) ? reactive(value4) : value4, "toReactive$1");
const toReadonly = /* @__PURE__ */ __name((value4) => isObject$e(value4) ? readonly(value4) : value4, "toReadonly");
function isRef(r2) {
return r2 ? r2["__v_isRef"] === true : false;
+========
+const toReactive$1 = /* @__PURE__ */ __name((value4) => isObject$d(value4) ? reactive(value4) : value4, "toReactive$1");
+const toReadonly = /* @__PURE__ */ __name((value4) => isObject$d(value4) ? readonly(value4) : value4, "toReadonly");
+const COMPUTED_SIDE_EFFECT_WARN = `Computed is still dirty after getter evaluation, likely because a computed is mutating its own dependency in its getter. State mutations in computed getters should be avoided. Check the docs for more details: https://vuejs.org/guide/essentials/computed.html#getters-should-be-side-effect-free`;
+class ComputedRefImpl {
+ static {
+ __name(this, "ComputedRefImpl");
+ }
+ constructor(getter, _setter, isReadonly2, isSSR) {
+ this.getter = getter;
+ this._setter = _setter;
+ this.dep = void 0;
+ this.__v_isRef = true;
+ this["__v_isReadonly"] = false;
+ this.effect = new ReactiveEffect(
+ () => getter(this._value),
+ () => triggerRefValue(
+ this,
+ this.effect._dirtyLevel === 2 ? 2 : 3
+ )
+ );
+ this.effect.computed = this;
+ this.effect.active = this._cacheable = !isSSR;
+ this["__v_isReadonly"] = isReadonly2;
+ }
+ get value() {
+ const self2 = toRaw(this);
+ if ((!self2._cacheable || self2.effect.dirty) && hasChanged(self2._value, self2._value = self2.effect.run())) {
+ triggerRefValue(self2, 4);
+ }
+ trackRefValue(self2);
+ if (self2.effect._dirtyLevel >= 2) {
+ if (false) {
+ warn$4(COMPUTED_SIDE_EFFECT_WARN, `
+
+getter: `, this.getter);
+ }
+ triggerRefValue(self2, 2);
+ }
+ return self2._value;
+ }
+ set value(newValue2) {
+ this._setter(newValue2);
+ }
+ // #region polyfill _dirty for backward compatibility third party code for Vue <= 3.3.x
+ get _dirty() {
+ return this.effect.dirty;
+ }
+ set _dirty(v2) {
+ this.effect.dirty = v2;
+ }
+ // #endregion
+}
+function computed$1(getterOrOptions, debugOptions, isSSR = false) {
+ let getter;
+ let setter;
+ const onlyGetter = isFunction$8(getterOrOptions);
+ if (onlyGetter) {
+ getter = getterOrOptions;
+ setter = false ? () => {
+ warn$4("Write operation failed: computed value is readonly");
+ } : NOOP;
+ } else {
+ getter = getterOrOptions.get;
+ setter = getterOrOptions.set;
+ }
+ const cRef = new ComputedRefImpl(getter, setter, onlyGetter || !setter, isSSR);
+ if (false) {
+ cRef.effect.onTrack = debugOptions.onTrack;
+ cRef.effect.onTrigger = debugOptions.onTrigger;
+ }
+ return cRef;
+}
+__name(computed$1, "computed$1");
+function trackRefValue(ref2) {
+ var _a2;
+ if (shouldTrack && activeEffect) {
+ ref2 = toRaw(ref2);
+ trackEffect(
+ activeEffect,
+ (_a2 = ref2.dep) != null ? _a2 : ref2.dep = createDep(
+ () => ref2.dep = void 0,
+ ref2 instanceof ComputedRefImpl ? ref2 : void 0
+ ),
+ false ? {
+ target: ref2,
+ type: "get",
+ key: "value"
+ } : void 0
+ );
+ }
+}
+__name(trackRefValue, "trackRefValue");
+function triggerRefValue(ref2, dirtyLevel = 4, newVal, oldVal) {
+ ref2 = toRaw(ref2);
+ const dep = ref2.dep;
+ if (dep) {
+ triggerEffects(
+ dep,
+ dirtyLevel,
+ false ? {
+ target: ref2,
+ type: "set",
+ key: "value",
+ newValue: newVal,
+ oldValue: oldVal
+ } : void 0
+ );
+ }
+}
+__name(triggerRefValue, "triggerRefValue");
+function isRef(r2) {
+ return !!(r2 && r2.__v_isRef === true);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(isRef, "isRef");
function ref(value4) {
@@ -33988,7 +38695,11 @@ function unref(ref2) {
}
__name(unref, "unref");
function toValue$1(source) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
return isFunction$a(source) ? source() : unref(source);
+========
+ return isFunction$8(source) ? source() : unref(source);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
__name(toValue$1, "toValue$1");
const shallowUnwrapHandlers = {
@@ -34080,10 +38791,17 @@ class GetterRefImpl {
function toRef$1(source, key, defaultValue2) {
if (isRef(source)) {
return source;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isFunction$a(source)) {
return new GetterRefImpl(source);
} else if (isObject$e(source) && arguments.length > 1) {
return propertyToRef(source, key, defaultValue2);
+========
+ } else if (isFunction$8(source)) {
+ return new GetterRefImpl(source);
+ } else if (isObject$d(source) && arguments.length > 1) {
+ return propertyToRef(source, key, defaultValue);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} else {
return ref(source);
}
@@ -34512,7 +39230,11 @@ function formatProp(key, value4, raw) {
} else if (isRef(value4)) {
value4 = formatProp(key, toRaw(value4.value), true);
return raw ? value4 : [`${key}=Ref<`, value4, `>`];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
} else if (isFunction$a(value4)) {
+========
+ } else if (isFunction$8(value4)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
return [`${key}=fn${value4.name ? `<${value4.name}>` : ``}`];
} else {
value4 = toRaw(value4);
@@ -34603,7 +39325,11 @@ function callWithErrorHandling(fn, instance, type, args) {
}
__name(callWithErrorHandling, "callWithErrorHandling");
function callWithAsyncErrorHandling(fn, instance, type, args) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isFunction$a(fn)) {
+========
+ if (isFunction$8(fn)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const res = callWithErrorHandling(fn, instance, type, args);
if (res && isPromise$1(res)) {
res.catch((err) => {
@@ -34731,9 +39457,16 @@ function queueFlush() {
__name(queueFlush, "queueFlush");
function queuePostFlushCb(cb) {
if (!isArray$9(cb)) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (activePostFlushCbs && cb.id === -1) {
activePostFlushCbs.splice(postFlushIndex + 1, 0, cb);
} else if (!(cb.flags & 1)) {
+========
+ if (!activePostFlushCbs || !activePostFlushCbs.includes(
+ cb,
+ cb.allowRecurse ? postFlushIndex + 1 : postFlushIndex
+ )) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
pendingPostFlushCbs.push(cb);
cb.flags |= 1;
}
@@ -34799,7 +39532,19 @@ function flushPostFlushCbs(seen2) {
}
}
__name(flushPostFlushCbs, "flushPostFlushCbs");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const getId = /* @__PURE__ */ __name((job) => job.id == null ? job.flags & 2 ? -1 : Infinity : job.id, "getId");
+========
+const getId = /* @__PURE__ */ __name((job) => job.id == null ? Infinity : job.id, "getId");
+const comparator = /* @__PURE__ */ __name((a2, b2) => {
+ const diff2 = getId(a2) - getId(b2);
+ if (diff2 === 0) {
+ if (a2.pre && !b2.pre) return -1;
+ if (b2.pre && !a2.pre) return 1;
+ }
+ return diff2;
+}, "comparator");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
function flushJobs(seen2) {
if (false) {
seen2 = seen2 || /* @__PURE__ */ new Map();
@@ -34921,11 +39666,17 @@ function reload(id3, newComp) {
newComp = normalizeClassComponent(newComp);
updateComponentDef(record2.initialDef, newComp);
const instances = [...record2.instances];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
for (let i2 = 0; i2 < instances.length; i2++) {
const instance = instances[i2];
const oldComp = normalizeClassComponent(instance.type);
let dirtyInstances = hmrDirtyComponents.get(oldComp);
if (!dirtyInstances) {
+========
+ for (const instance of instances) {
+ const oldComp = normalizeClassComponent(instance.type);
+ if (!hmrDirtyComponents.has(oldComp)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (oldComp !== record2.initialDef) {
updateComponentDef(oldComp, newComp);
}
@@ -35099,6 +39850,149 @@ function devtoolsComponentEmit(component, event, params) {
);
}
__name(devtoolsComponentEmit, "devtoolsComponentEmit");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
+========
+function emit(instance, event, ...rawArgs) {
+ if (instance.isUnmounted) return;
+ const props = instance.vnode.props || EMPTY_OBJ;
+ if (false) {
+ const {
+ emitsOptions,
+ propsOptions: [propsOptions]
+ } = instance;
+ if (emitsOptions) {
+ if (!(event in emitsOptions) && true) {
+ if (!propsOptions || !(toHandlerKey(event) in propsOptions)) {
+ warn$1$1(
+ `Component emitted event "${event}" but it is neither declared in the emits option nor as an "${toHandlerKey(event)}" prop.`
+ );
+ }
+ } else {
+ const validator3 = emitsOptions[event];
+ if (isFunction$8(validator3)) {
+ const isValid2 = validator3(...rawArgs);
+ if (!isValid2) {
+ warn$1$1(
+ `Invalid event arguments: event validation failed for event "${event}".`
+ );
+ }
+ }
+ }
+ }
+ }
+ let args = rawArgs;
+ const isModelListener2 = event.startsWith("update:");
+ const modelArg = isModelListener2 && event.slice(7);
+ if (modelArg && modelArg in props) {
+ const modifiersKey = `${modelArg === "modelValue" ? "model" : modelArg}Modifiers`;
+ const { number: number2, trim: trim2 } = props[modifiersKey] || EMPTY_OBJ;
+ if (trim2) {
+ args = rawArgs.map((a2) => isString$7(a2) ? a2.trim() : a2);
+ }
+ if (number2) {
+ args = rawArgs.map(looseToNumber);
+ }
+ }
+ if (false) {
+ devtoolsComponentEmit(instance, event, args);
+ }
+ if (false) {
+ const lowerCaseEvent = event.toLowerCase();
+ if (lowerCaseEvent !== event && props[toHandlerKey(lowerCaseEvent)]) {
+ warn$1$1(
+ `Event "${lowerCaseEvent}" is emitted in component ${formatComponentName(
+ instance,
+ instance.type
+ )} but the handler is registered for "${event}". Note that HTML attributes are case-insensitive and you cannot use v-on to listen to camelCase events when using in-DOM templates. You should probably use "${hyphenate$1(
+ event
+ )}" instead of "${event}".`
+ );
+ }
+ }
+ let handlerName;
+ let handler6 = props[handlerName = toHandlerKey(event)] || // also try camelCase event handler (#2249)
+ props[handlerName = toHandlerKey(camelize$1(event))];
+ if (!handler6 && isModelListener2) {
+ handler6 = props[handlerName = toHandlerKey(hyphenate$1(event))];
+ }
+ if (handler6) {
+ callWithAsyncErrorHandling(
+ handler6,
+ instance,
+ 6,
+ args
+ );
+ }
+ const onceHandler = props[handlerName + `Once`];
+ if (onceHandler) {
+ if (!instance.emitted) {
+ instance.emitted = {};
+ } else if (instance.emitted[handlerName]) {
+ return;
+ }
+ instance.emitted[handlerName] = true;
+ callWithAsyncErrorHandling(
+ onceHandler,
+ instance,
+ 6,
+ args
+ );
+ }
+}
+__name(emit, "emit");
+function normalizeEmitsOptions(comp, appContext, asMixin = false) {
+ const cache2 = appContext.emitsCache;
+ const cached = cache2.get(comp);
+ if (cached !== void 0) {
+ return cached;
+ }
+ const raw = comp.emits;
+ let normalized = {};
+ let hasExtends = false;
+ if (!isFunction$8(comp)) {
+ const extendEmits = /* @__PURE__ */ __name((raw2) => {
+ const normalizedFromExtend = normalizeEmitsOptions(raw2, appContext, true);
+ if (normalizedFromExtend) {
+ hasExtends = true;
+ extend$1(normalized, normalizedFromExtend);
+ }
+ }, "extendEmits");
+ if (!asMixin && appContext.mixins.length) {
+ appContext.mixins.forEach(extendEmits);
+ }
+ if (comp.extends) {
+ extendEmits(comp.extends);
+ }
+ if (comp.mixins) {
+ comp.mixins.forEach(extendEmits);
+ }
+ }
+ if (!raw && !hasExtends) {
+ if (isObject$d(comp)) {
+ cache2.set(comp, null);
+ }
+ return null;
+ }
+ if (isArray$9(raw)) {
+ raw.forEach((key) => normalized[key] = null);
+ } else {
+ extend$1(normalized, raw);
+ }
+ if (isObject$d(comp)) {
+ cache2.set(comp, normalized);
+ }
+ return normalized;
+}
+__name(normalizeEmitsOptions, "normalizeEmitsOptions");
+function isEmitListener(options4, key) {
+ if (!options4 || !isOn(key)) {
+ return false;
+ }
+ key = key.slice(2).replace(/Once$/, "");
+ return hasOwn$3(options4, key[0].toLowerCase() + key.slice(1)) || hasOwn$3(options4, hyphenate$1(key)) || hasOwn$3(options4, key);
+}
+__name(isEmitListener, "isEmitListener");
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
let currentRenderingInstance = null;
let currentScopeId = null;
function setCurrentRenderingInstance(instance) {
@@ -41004,7 +45898,11 @@ function renderComponentRoot(instance) {
render: render2,
renderCache,
props,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data: data27,
+========
+ data: data25,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
setupState,
ctx,
inheritAttrs
@@ -41035,7 +45933,11 @@ function renderComponentRoot(instance) {
renderCache,
false ? shallowReadonly(props) : props,
setupState,
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
data27,
+========
+ data25,
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
ctx
)
);
@@ -41068,6 +45970,7 @@ function renderComponentRoot(instance) {
handleError(err, instance, 1);
result = createVNode(Comment);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
let root29 = result;
let setRoot = void 0;
if (false) {
@@ -41076,6 +45979,16 @@ function renderComponentRoot(instance) {
if (fallthroughAttrs && inheritAttrs !== false) {
const keys2 = Object.keys(fallthroughAttrs);
const { shapeFlag } = root29;
+========
+ let root27 = result;
+ let setRoot = void 0;
+ if (false) {
+ [root27, setRoot] = getChildRoot(result);
+ }
+ if (fallthroughAttrs && inheritAttrs !== false) {
+ const keys2 = Object.keys(fallthroughAttrs);
+ const { shapeFlag } = root27;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
if (keys2.length) {
if (shapeFlag & (1 | 6)) {
if (propsOptions && keys2.some(isModelListener)) {
@@ -41084,7 +45997,11 @@ function renderComponentRoot(instance) {
propsOptions
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
root29 = cloneVNode(root29, fallthroughAttrs, false, true);
+========
+ root27 = cloneVNode(root27, fallthroughAttrs, false, true);
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
} else if (false) {
const allAttrs = Object.keys(attrs6);
const eventAttrs = [];
@@ -41118,8 +46035,13 @@ function renderComponentRoot(instance) {
`Runtime directive used on component with non-element root node. The directives will not function as intended.`
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
root29 = cloneVNode(root29, null, false, true);
root29.dirs = root29.dirs ? root29.dirs.concat(vnode.dirs) : vnode.dirs;
+========
+ root27 = cloneVNode(root27, null, false, true);
+ root27.dirs = root27.dirs ? root27.dirs.concat(vnode.dirs) : vnode.dirs;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
if (vnode.transition) {
if (false) {
@@ -41127,12 +46049,21 @@ function renderComponentRoot(instance) {
`Component inside renders non-element root node that cannot be animated.`
);
}
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
setTransitionHooks(root29, vnode.transition);
}
if (false) {
setRoot(root29);
} else {
result = root29;
+========
+ root27.transition = vnode.transition;
+ }
+ if (false) {
+ setRoot(root27);
+ } else {
+ result = root27;
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
}
setCurrentRenderingInstance(prev2);
return result;
@@ -41268,11 +46199,19 @@ function hasPropsChanged(prevProps, nextProps, emitsOptions) {
__name(hasPropsChanged, "hasPropsChanged");
function updateHOCHostEl({ vnode, parent }, el) {
while (parent) {
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
const root29 = parent.subTree;
if (root29.suspense && root29.suspense.activeBranch === vnode) {
root29.el = vnode.el;
}
if (root29 === vnode) {
+========
+ const root27 = parent.subTree;
+ if (root27.suspense && root27.suspense.activeBranch === vnode) {
+ root27.el = vnode.el;
+ }
+ if (root27 === vnode) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
(vnode = parent.vnode).el = el;
parent = parent.parent;
} else {
@@ -41329,7 +46268,11 @@ const SuspenseImpl = {
const Suspense = SuspenseImpl;
function triggerEvent(vnode, name2) {
const eventListener = vnode.props && vnode.props[name2];
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isFunction$a(eventListener)) {
+========
+ if (isFunction$8(eventListener)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
eventListener();
}
}
@@ -41824,7 +46767,11 @@ function normalizeSuspenseChildren(vnode) {
__name(normalizeSuspenseChildren, "normalizeSuspenseChildren");
function normalizeSuspenseSlot(s2) {
let block3;
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
if (isFunction$a(s2)) {
+========
+ if (isFunction$8(s2)) {
+>>>>>>>> 13fd4d6e45128f3aed95ee66151353e84daf2d13:comfy/web/assets/index-QvfM__ze.js
const trackBlock = isBlockTreeEnabled && s2._c;
if (trackBlock) {
s2._d = false;
@@ -41883,6 +46830,5352 @@ function isVNodeSuspensible(vnode) {
return suspensible != null && suspensible !== false;
}
__name(isVNodeSuspensible, "isVNodeSuspensible");
+<<<<<<<< HEAD:comfy/web/assets/index-Du3ctekX.js
+========
+function injectHook(type, hook, target = currentInstance, prepend2 = false) {
+ if (target) {
+ const hooks2 = target[type] || (target[type] = []);
+ const wrappedHook = hook.__weh || (hook.__weh = (...args) => {
+ pauseTracking();
+ const reset2 = setCurrentInstance(target);
+ const res = callWithAsyncErrorHandling(hook, target, type, args);
+ reset2();
+ resetTracking();
+ return res;
+ });
+ if (prepend2) {
+ hooks2.unshift(wrappedHook);
+ } else {
+ hooks2.push(wrappedHook);
+ }
+ return wrappedHook;
+ } else if (false) {
+ const apiName = toHandlerKey(ErrorTypeStrings$1[type].replace(/ hook$/, ""));
+ warn$1$1(
+ `${apiName} is called when there is no active component instance to be associated with. Lifecycle injection APIs can only be used during execution of setup(). If you are using async setup(), make sure to register lifecycle hooks before the first await statement.`
+ );
+ }
+}
+__name(injectHook, "injectHook");
+const createHook = /* @__PURE__ */ __name((lifecycle2) => (hook, target = currentInstance) => {
+ if (!isInSSRComponentSetup || lifecycle2 === "sp") {
+ injectHook(lifecycle2, (...args) => hook(...args), target);
+ }
+}, "createHook");
+const onBeforeMount = createHook("bm");
+const onMounted = createHook("m");
+const onBeforeUpdate = createHook("bu");
+const onUpdated = createHook("u");
+const onBeforeUnmount = createHook("bum");
+const onUnmounted = createHook("um");
+const onServerPrefetch = createHook("sp");
+const onRenderTriggered = createHook(
+ "rtg"
+);
+const onRenderTracked = createHook(
+ "rtc"
+);
+function onErrorCaptured(hook, target = currentInstance) {
+ injectHook("ec", hook, target);
+}
+__name(onErrorCaptured, "onErrorCaptured");
+function validateDirectiveName(name2) {
+ if (isBuiltInDirective(name2)) {
+ warn$1$1("Do not use built-in directive ids as custom directive id: " + name2);
+ }
+}
+__name(validateDirectiveName, "validateDirectiveName");
+function withDirectives(vnode, directives) {
+ if (currentRenderingInstance === null) {
+ return vnode;
+ }
+ const instance = getComponentPublicInstance(currentRenderingInstance);
+ const bindings = vnode.dirs || (vnode.dirs = []);
+ for (let i2 = 0; i2 < directives.length; i2++) {
+ let [dir, value4, arg, modifiers2 = EMPTY_OBJ] = directives[i2];
+ if (dir) {
+ if (isFunction$8(dir)) {
+ dir = {
+ mounted: dir,
+ updated: dir
+ };
+ }
+ if (dir.deep) {
+ traverse(value4);
+ }
+ bindings.push({
+ dir,
+ instance,
+ value: value4,
+ oldValue: void 0,
+ arg,
+ modifiers: modifiers2
+ });
+ }
+ }
+ return vnode;
+}
+__name(withDirectives, "withDirectives");
+function invokeDirectiveHook(vnode, prevVNode, instance, name2) {
+ const bindings = vnode.dirs;
+ const oldBindings = prevVNode && prevVNode.dirs;
+ for (let i2 = 0; i2 < bindings.length; i2++) {
+ const binding = bindings[i2];
+ if (oldBindings) {
+ binding.oldValue = oldBindings[i2].value;
+ }
+ let hook = binding.dir[name2];
+ if (hook) {
+ pauseTracking();
+ callWithAsyncErrorHandling(hook, instance, 8, [
+ vnode.el,
+ binding,
+ vnode,
+ prevVNode
+ ]);
+ resetTracking();
+ }
+ }
+}
+__name(invokeDirectiveHook, "invokeDirectiveHook");
+function renderList(source, renderItem, cache2, index2) {
+ let ret;
+ const cached = cache2 && cache2[index2];
+ if (isArray$9(source) || isString$7(source)) {
+ ret = new Array(source.length);
+ for (let i2 = 0, l2 = source.length; i2 < l2; i2++) {
+ ret[i2] = renderItem(source[i2], i2, void 0, cached && cached[i2]);
+ }
+ } else if (typeof source === "number") {
+ if (false) {
+ warn$1$1(`The v-for range expect an integer value but got ${source}.`);
+ }
+ ret = new Array(source);
+ for (let i2 = 0; i2 < source; i2++) {
+ ret[i2] = renderItem(i2 + 1, i2, void 0, cached && cached[i2]);
+ }
+ } else if (isObject$d(source)) {
+ if (source[Symbol.iterator]) {
+ ret = Array.from(
+ source,
+ (item3, i2) => renderItem(item3, i2, void 0, cached && cached[i2])
+ );
+ } else {
+ const keys2 = Object.keys(source);
+ ret = new Array(keys2.length);
+ for (let i2 = 0, l2 = keys2.length; i2 < l2; i2++) {
+ const key = keys2[i2];
+ ret[i2] = renderItem(source[key], key, i2, cached && cached[i2]);
+ }
+ }
+ } else {
+ ret = [];
+ }
+ if (cache2) {
+ cache2[index2] = ret;
+ }
+ return ret;
+}
+__name(renderList, "renderList");
+function createSlots(slots, dynamicSlots) {
+ for (let i2 = 0; i2 < dynamicSlots.length; i2++) {
+ const slot = dynamicSlots[i2];
+ if (isArray$9(slot)) {
+ for (let j2 = 0; j2 < slot.length; j2++) {
+ slots[slot[j2].name] = slot[j2].fn;
+ }
+ } else if (slot) {
+ slots[slot.name] = slot.key ? (...args) => {
+ const res = slot.fn(...args);
+ if (res) res.key = slot.key;
+ return res;
+ } : slot.fn;
+ }
+ }
+ return slots;
+}
+__name(createSlots, "createSlots");
+/*! #__NO_SIDE_EFFECTS__ */
+// @__NO_SIDE_EFFECTS__
+function defineComponent(options4, extraOptions) {
+ return isFunction$8(options4) ? (
+ // #8326: extend call and options.name access are considered side-effects
+ // by Rollup, so we have to wrap it in a pure-annotated IIFE.
+ /* @__PURE__ */ (() => extend$1({ name: options4.name }, extraOptions, { setup: options4 }))()
+ ) : options4;
+}
+__name(defineComponent, "defineComponent");
+const isAsyncWrapper = /* @__PURE__ */ __name((i2) => !!i2.type.__asyncLoader, "isAsyncWrapper");
+/*! #__NO_SIDE_EFFECTS__ */
+// @__NO_SIDE_EFFECTS__
+function defineAsyncComponent(source) {
+ if (isFunction$8(source)) {
+ source = { loader: source };
+ }
+ const {
+ loader,
+ loadingComponent,
+ errorComponent,
+ delay = 200,
+ timeout,
+ // undefined = never times out
+ suspensible = true,
+ onError: userOnError
+ } = source;
+ let pendingRequest = null;
+ let resolvedComp;
+ let retries = 0;
+ const retry = /* @__PURE__ */ __name(() => {
+ retries++;
+ pendingRequest = null;
+ return load2();
+ }, "retry");
+ const load2 = /* @__PURE__ */ __name(() => {
+ let thisRequest;
+ return pendingRequest || (thisRequest = pendingRequest = loader().catch((err) => {
+ err = err instanceof Error ? err : new Error(String(err));
+ if (userOnError) {
+ return new Promise((resolve2, reject3) => {
+ const userRetry = /* @__PURE__ */ __name(() => resolve2(retry()), "userRetry");
+ const userFail = /* @__PURE__ */ __name(() => reject3(err), "userFail");
+ userOnError(err, userRetry, userFail, retries + 1);
+ });
+ } else {
+ throw err;
+ }
+ }).then((comp) => {
+ if (thisRequest !== pendingRequest && pendingRequest) {
+ return pendingRequest;
+ }
+ if (false) {
+ warn$1$1(
+ `Async component loader resolved to undefined. If you are using retry(), make sure to return its return value.`
+ );
+ }
+ if (comp && (comp.__esModule || comp[Symbol.toStringTag] === "Module")) {
+ comp = comp.default;
+ }
+ if (false) {
+ throw new Error(`Invalid async component load result: ${comp}`);
+ }
+ resolvedComp = comp;
+ return comp;
+ }));
+ }, "load");
+ return /* @__PURE__ */ defineComponent({
+ name: "AsyncComponentWrapper",
+ __asyncLoader: load2,
+ get __asyncResolved() {
+ return resolvedComp;
+ },
+ setup() {
+ const instance = currentInstance;
+ if (resolvedComp) {
+ return () => createInnerComp(resolvedComp, instance);
+ }
+ const onError = /* @__PURE__ */ __name((err) => {
+ pendingRequest = null;
+ handleError(
+ err,
+ instance,
+ 13,
+ !errorComponent
+ );
+ }, "onError");
+ if (suspensible && instance.suspense || isInSSRComponentSetup) {
+ return load2().then((comp) => {
+ return () => createInnerComp(comp, instance);
+ }).catch((err) => {
+ onError(err);
+ return () => errorComponent ? createVNode(errorComponent, {
+ error: err
+ }) : null;
+ });
+ }
+ const loaded = ref(false);
+ const error2 = ref();
+ const delayed = ref(!!delay);
+ if (delay) {
+ setTimeout(() => {
+ delayed.value = false;
+ }, delay);
+ }
+ if (timeout != null) {
+ setTimeout(() => {
+ if (!loaded.value && !error2.value) {
+ const err = new Error(
+ `Async component timed out after ${timeout}ms.`
+ );
+ onError(err);
+ error2.value = err;
+ }
+ }, timeout);
+ }
+ load2().then(() => {
+ loaded.value = true;
+ if (instance.parent && isKeepAlive(instance.parent.vnode)) {
+ instance.parent.effect.dirty = true;
+ queueJob(instance.parent.update);
+ }
+ }).catch((err) => {
+ onError(err);
+ error2.value = err;
+ });
+ return () => {
+ if (loaded.value && resolvedComp) {
+ return createInnerComp(resolvedComp, instance);
+ } else if (error2.value && errorComponent) {
+ return createVNode(errorComponent, {
+ error: error2.value
+ });
+ } else if (loadingComponent && !delayed.value) {
+ return createVNode(loadingComponent);
+ }
+ };
+ }
+ });
+}
+__name(defineAsyncComponent, "defineAsyncComponent");
+function createInnerComp(comp, parent) {
+ const { ref: ref22, props, children, ce } = parent.vnode;
+ const vnode = createVNode(comp, props, children);
+ vnode.ref = ref22;
+ vnode.ce = ce;
+ delete parent.vnode.ce;
+ return vnode;
+}
+__name(createInnerComp, "createInnerComp");
+function renderSlot(slots, name2, props = {}, fallback, noSlotted) {
+ if (currentRenderingInstance.isCE || currentRenderingInstance.parent && isAsyncWrapper(currentRenderingInstance.parent) && currentRenderingInstance.parent.isCE) {
+ if (name2 !== "default") props.name = name2;
+ return createVNode("slot", props, fallback && fallback());
+ }
+ let slot = slots[name2];
+ if (false) {
+ warn$1$1(
+ `SSR-optimized slot function detected in a non-SSR-optimized render function. You need to mark this component with $dynamic-slots in the parent template.`
+ );
+ slot = /* @__PURE__ */ __name(() => [], "slot");
+ }
+ if (slot && slot._c) {
+ slot._d = false;
+ }
+ openBlock();
+ const validSlotContent = slot && ensureValidVNode(slot(props));
+ const rendered = createBlock(
+ Fragment$1,
+ {
+ key: props.key || // slot content array of a dynamic conditional slot may have a branch
+ // key attached in the `createSlots` helper, respect that
+ validSlotContent && validSlotContent.key || `_${name2}`
+ },
+ validSlotContent || (fallback ? fallback() : []),
+ validSlotContent && slots._ === 1 ? 64 : -2
+ );
+ if (!noSlotted && rendered.scopeId) {
+ rendered.slotScopeIds = [rendered.scopeId + "-s"];
+ }
+ if (slot && slot._c) {
+ slot._d = true;
+ }
+ return rendered;
+}
+__name(renderSlot, "renderSlot");
+function ensureValidVNode(vnodes) {
+ return vnodes.some((child) => {
+ if (!isVNode$1(child)) return true;
+ if (child.type === Comment) return false;
+ if (child.type === Fragment$1 && !ensureValidVNode(child.children))
+ return false;
+ return true;
+ }) ? vnodes : null;
+}
+__name(ensureValidVNode, "ensureValidVNode");
+function toHandlers(obj, preserveCaseIfNecessary) {
+ const ret = {};
+ if (false) {
+ warn$1$1(`v-on with no argument expects an object value.`);
+ return ret;
+ }
+ for (const key in obj) {
+ ret[preserveCaseIfNecessary && /[A-Z]/.test(key) ? `on:${key}` : toHandlerKey(key)] = obj[key];
+ }
+ return ret;
+}
+__name(toHandlers, "toHandlers");
+const getPublicInstance = /* @__PURE__ */ __name((i2) => {
+ if (!i2) return null;
+ if (isStatefulComponent(i2)) return getComponentPublicInstance(i2);
+ return getPublicInstance(i2.parent);
+}, "getPublicInstance");
+const publicPropertiesMap = (
+ // Move PURE marker to new line to workaround compiler discarding it
+ // due to type annotation
+ /* @__PURE__ */ extend$1(/* @__PURE__ */ Object.create(null), {
+ $: /* @__PURE__ */ __name((i2) => i2, "$"),
+ $el: /* @__PURE__ */ __name((i2) => i2.vnode.el, "$el"),
+ $data: /* @__PURE__ */ __name((i2) => i2.data, "$data"),
+ $props: /* @__PURE__ */ __name((i2) => false ? shallowReadonly(i2.props) : i2.props, "$props"),
+ $attrs: /* @__PURE__ */ __name((i2) => false ? shallowReadonly(i2.attrs) : i2.attrs, "$attrs"),
+ $slots: /* @__PURE__ */ __name((i2) => false ? shallowReadonly(i2.slots) : i2.slots, "$slots"),
+ $refs: /* @__PURE__ */ __name((i2) => false ? shallowReadonly(i2.refs) : i2.refs, "$refs"),
+ $parent: /* @__PURE__ */ __name((i2) => getPublicInstance(i2.parent), "$parent"),
+ $root: /* @__PURE__ */ __name((i2) => getPublicInstance(i2.root), "$root"),
+ $emit: /* @__PURE__ */ __name((i2) => i2.emit, "$emit"),
+ $options: /* @__PURE__ */ __name((i2) => true ? resolveMergedOptions(i2) : i2.type, "$options"),
+ $forceUpdate: /* @__PURE__ */ __name((i2) => i2.f || (i2.f = () => {
+ i2.effect.dirty = true;
+ queueJob(i2.update);
+ }), "$forceUpdate"),
+ $nextTick: /* @__PURE__ */ __name((i2) => i2.n || (i2.n = nextTick.bind(i2.proxy)), "$nextTick"),
+ $watch: /* @__PURE__ */ __name((i2) => true ? instanceWatch.bind(i2) : NOOP, "$watch")
+ })
+);
+const isReservedPrefix = /* @__PURE__ */ __name((key) => key === "_" || key === "$", "isReservedPrefix");
+const hasSetupBinding = /* @__PURE__ */ __name((state, key) => state !== EMPTY_OBJ && !state.__isScriptSetup && hasOwn$3(state, key), "hasSetupBinding");
+const PublicInstanceProxyHandlers = {
+ get({ _: instance }, key) {
+ if (key === "__v_skip") {
+ return true;
+ }
+ const { ctx, setupState, data: data25, props, accessCache, type, appContext } = instance;
+ if (false) {
+ return true;
+ }
+ let normalizedProps;
+ if (key[0] !== "$") {
+ const n2 = accessCache[key];
+ if (n2 !== void 0) {
+ switch (n2) {
+ case 1:
+ return setupState[key];
+ case 2:
+ return data25[key];
+ case 4:
+ return ctx[key];
+ case 3:
+ return props[key];
+ }
+ } else if (hasSetupBinding(setupState, key)) {
+ accessCache[key] = 1;
+ return setupState[key];
+ } else if (data25 !== EMPTY_OBJ && hasOwn$3(data25, key)) {
+ accessCache[key] = 2;
+ return data25[key];
+ } else if (
+ // only cache other properties when instance has declared (thus stable)
+ // props
+ (normalizedProps = instance.propsOptions[0]) && hasOwn$3(normalizedProps, key)
+ ) {
+ accessCache[key] = 3;
+ return props[key];
+ } else if (ctx !== EMPTY_OBJ && hasOwn$3(ctx, key)) {
+ accessCache[key] = 4;
+ return ctx[key];
+ } else if (shouldCacheAccess) {
+ accessCache[key] = 0;
+ }
+ }
+ const publicGetter = publicPropertiesMap[key];
+ let cssModule, globalProperties;
+ if (publicGetter) {
+ if (key === "$attrs") {
+ track(instance.attrs, "get", "");
+ } else if (false) {
+ track(instance, "get", key);
+ }
+ return publicGetter(instance);
+ } else if (
+ // css module (injected by vue-loader)
+ (cssModule = type.__cssModules) && (cssModule = cssModule[key])
+ ) {
+ return cssModule;
+ } else if (ctx !== EMPTY_OBJ && hasOwn$3(ctx, key)) {
+ accessCache[key] = 4;
+ return ctx[key];
+ } else if (
+ // global properties
+ globalProperties = appContext.config.globalProperties, hasOwn$3(globalProperties, key)
+ ) {
+ {
+ return globalProperties[key];
+ }
+ } else if (false) {
+ if (data25 !== EMPTY_OBJ && isReservedPrefix(key[0]) && hasOwn$3(data25, key)) {
+ warn$1$1(
+ `Property ${JSON.stringify(
+ key
+ )} must be accessed via $data because it starts with a reserved character ("$" or "_") and is not proxied on the render context.`
+ );
+ } else if (instance === currentRenderingInstance) {
+ warn$1$1(
+ `Property ${JSON.stringify(key)} was accessed during render but is not defined on instance.`
+ );
+ }
+ }
+ },
+ set({ _: instance }, key, value4) {
+ const { data: data25, setupState, ctx } = instance;
+ if (hasSetupBinding(setupState, key)) {
+ setupState[key] = value4;
+ return true;
+ } else if (false) {
+ warn$1$1(`Cannot mutate
-
-
-
-
-
-